english
stringlengths
119
12.7k
korean
stringlengths
247
10k
from
stringclasses
7 values
category
stringclasses
4 values
give detailed explanation of the steps for the code given below: # https://udemy.com/recommender-systems # https://deeplearningcourses.com/recommender-systems from \_\_future\_\_ import print\_function, division from builtins import range # Note: you may need to update your version of future # sudo pip install -U future import numpy as np import tensorflow as tf import matplotlib.pyplot as plt from sklearn.utils import shuffle import pandas as pd from scipy.sparse import lil\_matrix, csr\_matrix, save\_npz, load\_npz from datetime import datetime if tf.\_\_version\_\_.startswith('2'): tf.compat.v1.disable\_eager\_execution() def dot1(V, W): # V is N x D x K (batch of visible units) # W is D x K x M (weights) # returns N x M (hidden layer size) return tf.tensordot(V, W, axes=[[1,2], [0,1]]) def dot2(H, W): # H is N x M (batch of hiddens) # W is D x K x M (weights transposed) # returns N x D x K (visible) return tf.tensordot(H, W, axes=[[1], [2]]) class RBM(object): def \_\_init\_\_(self, D, M, K): self.D = D # input feature size self.M = M # hidden size self.K = K # number of ratings self.build(D, M, K) def build(self, D, M, K): # params self.W = tf.Variable(tf.random.normal(shape=(D, K, M)) \* np.sqrt(2.0 / M)) self.c = tf.Variable(np.zeros(M).astype(np.float32)) self.b = tf.Variable(np.zeros((D, K)).astype(np.float32)) # data self.X\_in = tf.compat.v1.placeholder(tf.float32, shape=(None, D)) # one hot encode X # first, make each rating an int X = tf.cast(self.X\_in \* 2 - 1, tf.int32) X = tf.one\_hot(X, K) # conditional probabilities # NOTE: tf.contrib.distributions.Bernoulli API has changed in Tensorflow v1.2 V = X p\_h\_given\_v = tf.nn.sigmoid(dot1(V, self.W) + self.c) self.p\_h\_given\_v = p\_h\_given\_v # save for later # draw a sample from p(h | v) r = tf.random.uniform(shape=tf.shape(input=p\_h\_given\_v)) H = tf.cast(r < p\_h\_given\_v, dtype=tf.float32) # draw a sample from p(v | h) # note: we don't have to actually do the softmax logits = dot2(H, self.W) + self.b cdist = tf.compat.v1.distributions.Categorical(logits=logits) X\_sample = cdist.sample() # shape is (N, D) X\_sample = tf.one\_hot(X\_sample, depth=K) # turn it into (N, D, K) # mask X\_sample to remove missing ratings mask2d = tf.cast(self.X\_in > 0, tf.float32) mask3d = tf.stack([mask2d]\*K, axis=-1) # repeat K times in last dimension X\_sample = X\_sample \* mask3d # build the objective objective = tf.reduce\_mean(input\_tensor=self.free\_energy(X)) - tf.reduce\_mean(input\_tensor=self.free\_energy(X\_sample)) self.train\_op = tf.compat.v1.train.AdamOptimizer(1e-2).minimize(objective) # self.train\_op = tf.train.GradientDescentOptimizer(1e-3).minimize(objective) # build the cost # we won't use this to optimize the model parameters # just to observe what happens during training logits = self.forward\_logits(X) self.cost = tf.reduce\_mean( input\_tensor=tf.nn.softmax\_cross\_entropy\_with\_logits( labels=tf.stop\_gradient(X), logits=logits, ) ) # to get the output self.output\_visible = self.forward\_output(X) # for calculating SSE self.one\_to\_ten = tf.constant((np.arange(10) + 1).astype(np.float32) / 2) self.pred = tf.tensordot(self.output\_visible, self.one\_to\_ten, axes=[[2], [0]]) mask = tf.cast(self.X\_in > 0, tf.float32) se = mask \* (self.X\_in - self.pred) \* (self.X\_in - self.pred) self.sse = tf.reduce\_sum(input\_tensor=se) # test SSE self.X\_test = tf.compat.v1.placeholder(tf.float32, shape=(None, D)) mask = tf.cast(self.X\_test > 0, tf.float32) tse = mask \* (self.X\_test - self.pred) \* (self.X\_test - self.pred) self.tsse = tf.reduce\_sum(input\_tensor=tse) initop = tf.compat.v1.global\_variables\_initializer() self.session = tf.compat.v1.Session() self.session.run(initop) def fit(self, X, X\_test, epochs=10, batch\_sz=256, show\_fig=True): N, D = X.shape n\_batches = N // batch\_sz costs = [] test\_costs = [] for i in range(epochs): t0 = datetime.now() print("epoch:", i) X, X\_test = shuffle(X, X\_test) # everything has to be shuffled accordingly for j in range(n\_batches): x = X[j\*batch\_sz:(j\*batch\_sz + batch\_sz)].toarray() \_, c = self.session.run( (self.train\_op, self.cost), feed\_dict={self.X\_in: x} ) if j % 100 == 0: print("j / n\_batches:", j, "/", n\_batches, "cost:", c) print("duration:", datetime.now() - t0) # calculate the true train and test cost t0 = datetime.now() sse = 0 test\_sse = 0 n = 0 test\_n = 0 for j in range(n\_batches): x = X[j\*batch\_sz:(j\*batch\_sz + batch\_sz)].toarray() xt = X\_test[j\*batch\_sz:(j\*batch\_sz + batch\_sz)].toarray() # number of train ratings n += np.count\_nonzero(x) # number of test ratings test\_n += np.count\_nonzero(xt) # use tensorflow to get SSEs sse\_j, tsse\_j = self.get\_sse(x, xt) sse += sse\_j test\_sse += tsse\_j c = sse/n ct = test\_sse/test\_n print("train mse:", c) print("test mse:", ct) print("calculate cost duration:", datetime.now() - t0) costs.append(c) test\_costs.append(ct) if show\_fig: plt.plot(costs, label='train mse') plt.plot(test\_costs, label='test mse') plt.legend() plt.show() def free\_energy(self, V): first\_term = -tf.reduce\_sum(input\_tensor=dot1(V, self.b)) second\_term = -tf.reduce\_sum( # tf.log(1 + tf.exp(tf.matmul(V, self.W) + self.c)), input\_tensor=tf.nn.softplus(dot1(V, self.W) + self.c), axis=1 ) return first\_term + second\_term def forward\_hidden(self, X): return tf.nn.sigmoid(dot1(X, self.W) + self.c) def forward\_logits(self, X): Z = self.forward\_hidden(X) return dot2(Z, self.W) + self.b def forward\_output(self, X): return tf.nn.softmax(self.forward\_logits(X)) def transform(self, X): # accepts and returns a real numpy array # unlike forward\_hidden and forward\_output # which deal with tensorflow variables return self.session.run(self.p\_h\_given\_v, feed\_dict={self.X\_in: X}) def get\_visible(self, X): return self.session.run(self.output\_visible, feed\_dict={self.X\_in: X}) def get\_sse(self, X, Xt): return self.session.run( (self.sse, self.tsse), feed\_dict={ self.X\_in: X, self.X\_test: Xt, }) def main(): A = load\_npz("Atrain.npz") A\_test = load\_npz("Atest.npz") N, M = A.shape rbm = RBM(M, 50, 10) rbm.fit(A, A\_test) if \_\_name\_\_ == '\_\_main\_\_': main()
아래 코드의 단계에 대한 자세한 설명을 제공합니다:# https://udemy.com/recommender-systems# https://deeplearningcourses.com/recommender-systemsfrom \_\_future\_\_ import print\_function, division내장된 가져오기 범위에서# 참고: 사용 중인 future 버전을 업데이트해야 할 수 있습니다.# sudo pip install -U futurenumpy를 np로 임포트텐서플로우를 tf로 가져옵니다.matplotlib.pyplot을 plt로 가져옵니다.sklearn.utils에서 shuffle을 가져옵니다.팬더를 pd로 가져옵니다.scipy.sparse에서 lil\_matrix, csr\_matrix, save\_npz, load\_npz를 가져옵니다.from datetime import datetimeif tf.\_\_version\_\_.startswith('2'): tf.compat.v1.disable\_eager\_execution()def dot1(V, W): # V는 N x D x K(보이는 단위의 배치) # W는 D x K x M(가중치) # 반환값은 N x M(숨김 레이어 크기) return tf.tensordot(V, W, axes=[[1,2], [0,1]])def dot2(H, W): # H는 N x M (숨김의 배치) # W는 D x K x M (가중치 전치) # 반환값은 N x D x K (표시) return tf.tensordot(H, W, axes=[[1], [2]])class RBM(object): def \_\_init\_\_(self, D, M, K): self.D = D # 입력 피처 크기 self.M = M # 숨겨진 크기 self.K = K # 등급 수 self.build(D, M, K) def build(self, D, M, K): # 파라미터 self.W = tf.Variable(tf.random.normal(shape=(D, K, M)) \* np.sqrt(2.0 / M)) self.c = tf.Variable(np.zeros(M).astype(np.float32)) self.b = tf.Variable(np.zeros((D, K)).astype(np.float32)) # 데이터 self.X\_in = tf.compat.v1.placeholder(tf.float32, shape=(None, D)) # 하나의 핫 인코딩 X # 먼저, 각 등급을 정수로 만듭니다. X = tf.cast(self.X\_in \* 2 - 1, tf.int32) X = tf.one\_hot(X, K) # 조건부 확률 # 참고: Tensorflow v1.2에서 tf.contrib.distributions.Bernoulli API가 변경되었습니다. V = X p\_h\_given\_v = tf.nn.sigmoid(dot1(V, self.W) + self.c) self.p\_h\_given\_v = p\_h\_given\_v # 나중에 사용하기 위해 저장합니다. # p(h | v)에서 샘플을 추출합니다. r = tf.random.uniform(shape=tf.shape(input=p\_h\_given\_v)) H = tf.cast(r < p\_h\_given\_v, dtype=tf.float32) # p(v | h)에서 샘플을 추출합니다. # 참고: 실제로 소프트맥스를 수행할 필요는 없습니다. logits = dot2(H, self.W) + self.b cdist = tf.compat.v1.distributions.Categorical(logits=logits) X\_sample = cdist.sample() # 모양은 (N, D) X\_sample = tf.one\_hot(X\_sample, depth=K) # (N, D, K)로 변환합니다. # X\_sample을 마스킹하여 누락된 등급을 제거합니다. mask2d = tf.cast(self.X\_in > 0, tf.float32) mask3d = tf.stack([mask2d]\*K, axis=-1) # 마지막 차원에서 K회 반복 X\_sample = X\_sample \* mask3d # 목표 구축 objective = tf.reduce\_mean(input\_tensor=self.free\_energy(X)) - tf.reduce\_mean(input\_tensor=self.free\_energy(X\_sample)) self.train\_op = tf.compat.v1.train.AdamOptimizer(1e-2).minimize(objective) # self.train\_op = tf.train.GradientDescentOptimizer(1e-3).minimize(objective) # 비용 구축 # 모델 파라미터를 최적화하는 데는 사용하지 않습니다. # 훈련 중에 어떤 일이 일어나는지 관찰하기 위해서만 사용합니다. logits = self.forward\_logits(X) self.cost = tf.reduce\_mean( input\_tensor=tf.nn.softmax\_cross\_entropy\_with\_logits( labels=tf.stop\_gradient(X), logits=logits, ) ) # 출력을 얻으려면 self.output\_visible = self.forward\_output(X) # SSE 계산용 self.one\_to\_ten = tf.constant((np.arange(10) + 1).astype(np.float32) / 2) self.pred = tf.tensordot(self.output\_visible, self.one\_to\_ten, axes=[[2], [0]]) mask = tf.cast(self.X\_in > 0, tf.float32) se = mask \* (self.X\_in - self.pred) \* (self.X\_in - self.pred) self.sse = tf.reduce\_sum(input\_tensor=se) # SSE 테스트 self.X\_test = tf.compat.v1.placeholder(tf.float32, shape=(None, D)) mask = tf.cast(self.X\_test > 0, tf.float32) tse = 마스크 \* (self.X\_test - self.pred) \* (self.X\_test - self.pred) self.tsse = tf.reduce\_sum(input\_tensor=tse) initop = tf.compat.v1.global\_변수\_이니셜라이저() self.session = tf.compat.v1.Session() self.session.run(initop) def fit(self, X, X\_test, epochs=10, batch\_sz=256, show\_fig=True): N, D = X.모양 n\_batches = N // batch\_sz costs = [] test\_costs = [] for i in range(epochs): t0 = datetime.now() print("epoch:", i) X, X\_test = shuffle(X, X\_test) # 모든 것이 적절하게 섞여 있어야 합니다. for j in range(n\_batches): x = X[j\*batch\_sz:(j\*batch\_sz + batch\_sz)].toarray() \_, c = self.session.run( (self.train\_op, self.cost), feed\_dict={self.X\_in: x} ) if j % 100 == 0: print("j / n\_배치:", j, "/", n\_배치, "cost:", c) print("duration:", datetime.now() - t0) # 실제 훈련 및 테스트 비용 계산 t0 = datetime.now() sse = 0 test\_sse = 0 n = 0 test\_n = 0 범위(n\_배치)의 j에 대해: x = X[j\*batch\_sz:(j\*batch\_sz + batch\_sz)].toarray() xt = X\_test[j\*batch\_sz:(j\*batch\_sz + batch\_sz)].toarray() # 열차 등급 수 n += np.count\_nonzero(x) # 테스트 등급 수 test\_n += np.count\_nonzero(xt) # 텐서플로우를 사용하여 SSE 가져오기 SSE\_J, TSSE\_J = self.get\_sse(x, xt) sse += sse\_j test\_sse += tsse\_j c = SSE/N ct = test\_sse/test\_n print("train mse:", c) print("test mse:", ct) print("계산 비용 기간:
squarelike/sharegpt_deepl_ko_translation
full
Team,Goals,Shots on target,Shots off target,Shooting Accuracy,% Goals-to-shots,Total shots (inc. Blocked),Hit Woodwork,Penalty goals,Penalties not scored,Headed goals,Passes,Passes completed,Passing Accuracy,Touches,Crosses,Dribbles,Corners Taken,Tackles,Clearances,Interceptions,Clearances off line,Clean Sheets,Blocks,Goals conceded,Saves made,Saves-to-shots ratio,Fouls Won,Fouls Conceded,Offsides,Yellow Cards,Red Cards,Subs on,Subs off,Players Used Croatia,4,13,12,51.9%,16.0%,32,0,0,0,2,1076,828,76.9%,1706,60,42,14,49,83,56,,0,10,3,13,81.3%,41,62,2,9,0,9,9,16 Czech Republic,4,13,18,41.9%,12.9%,39,0,0,0,0,1565,1223,78.1%,2358,46,68,21,62,98,37,2,1,10,6,9,60.1%,53,73,8,7,0,11,11,19 Denmark,4,10,10,50.0%,20.0%,27,1,0,0,3,1298,1082,83.3%,1873,43,32,16,40,61,59,0,1,10,5,10,66.7%,25,38,8,4,0,7,7,15 England,5,11,18,50.0%,17.2%,40,0,0,0,3,1488,1200,80.6%,2440,58,60,16,86,106,72,1,2,29,3,22,88.1%,43,45,6,5,0,11,11,16 France,3,22,24,37.9%,6.5%,65,1,0,0,0,2066,1803,87.2%,2909,55,76,28,71,76,58,0,1,7,5,6,54.6%,36,51,5,6,0,11,11,19 Germany,10,32,32,47.8%,15.6%,80,2,1,0,2,2774,2427,87.4%,3761,101,60,35,91,73,69,0,1,11,6,10,62.6%,63,49,12,4,0,15,15,17 Greece,5,8,18,30.7%,19.2%,32,1,1,1,0,1187,911,76.7%,2016,52,53,10,65,123,87,0,1,23,7,13,65.1%,67,48,12,9,1,12,12,20 Italy,6,34,45,43.0%,7.5%,110,2,0,0,2,3016,2531,83.9%,4363,75,75,30,98,137,136,1,2,18,7,20,74.1%,101,89,16,16,0,18,18,19 Netherlands,2,12,36,25.0%,4.1%,60,2,0,0,0,1556,1381,88.7%,2163,50,49,22,34,41,41,0,0,9,5,12,70.6%,35,30,3,5,0,7,7,15 Poland,2,15,23,39.4%,5.2%,48,0,0,0,1,1059,852,80.4%,1724,55,39,14,67,87,62,0,0,8,3,6,66.7%,48,56,3,7,1,7,7,17 Portugal,6,22,42,34.3%,9.3%,82,6,0,0,2,1891,1461,77.2%,2958,91,64,41,78,92,86,0,2,11,4,10,71.5%,73,90,10,12,0,14,14,16 Republic of Ireland,1,7,12,36.8%,5.2%,28,0,0,0,1,851,606,71.2%,1433,43,18,8,45,78,43,1,0,23,9,17,65.4%,43,51,11,6,1,10,10,17 Russia,5,9,31,22.5%,12.5%,59,2,0,0,1,1602,1345,83.9%,2278,40,40,21,65,74,58,0,0,8,3,10,77.0%,34,43,4,6,0,7,7,16 Spain,12,42,33,55.9%,16.0%,100,0,1,0,2,4317,3820,88.4%,5585,69,106,44,122,102,79,0,5,8,1,15,93.8%,102,83,19,11,0,17,17,18 Sweden,5,17,19,47.2%,13.8%,39,3,0,0,1,1192,965,80.9%,1806,44,29,7,56,54,45,0,1,12,5,8,61.6%,35,51,7,7,0,9,9,18 Ukraine,2,7,26,21.2%,6.0%,38,0,0,0,2,1276,1043,81.7%,1894,33,26,18,65,97,29,0,0,4,4,13,76.5%,48,31,4,5,0,9,9,18 The above data is Euro 2012 csv dataset, and I want to display the python pandas code according to the requirements below. I don't need to explain each column. 1. insert the required data 2. extract the data from the document Euro 2012 in Excel, and make it a variable of euro12 3. find the first 5 rows and the last 5 rows in the data 4. how many columns are there in the data and what is the data type of every column? 5. how many soccer teams are in the Euro 2012 Cup in total? 6. pick three columns: team, yellow card, and red card, and use the three as dataframe variables for discipline. 7. create a diminishing matrix of the number of red cards and the number of yellow cards received by all soccer teams in the order: red -> yellow 8. calculate the number of yellow cards each soccer team receives on average 9. find the data for soccer teams with more than 6 goals scored 10. find the data for teams whose team name starts with the letter G 11. subtract the last three columns and select the remaining columns 12. find the shooting accuracy of England, Italy, and Russia 13. plot the number of goals as a histogram 14. plot the scatterplot of total shots and goals
득점, 득점, 슈팅, 슈팅 정확도, 슈팅 정확도, 슈팅 대 슈팅 비율, 총 슈팅 (포함. 차단),슈팅(블록 포함),페널티킥,페널티킥 득점,페널티킥 미득점,헤딩 득점,패스,패스 완료,패스 정확도,터치,크로스,드리블,코너킥,태클,클리어링,가로채기,오프 라인 클리어링,클린 시트,블록,실점,선방,선방 성공률,선방 대비 득점,파울 허용,실점,오프사이드,옐로카드,레드카드,교체 투입,교체 출전 선수,사용한 선수Croatia,4,13,12,51.9%,16.0%,32,0,0,0,2,1076,828,76.9%,1706,60,42,14,49,83,56,,0,10,3,13,81.3%,41,62,2,9,0,9,9,16Czech Republic,4,13,18,41.9%,12.9%,39,0,0,0,0,1565,1223,78.1%,2358,46,68,21,62,98,37,2,1,10,6,9,60.1%,53,73,8,7,0,11,11,19Denmark,4,10,10,50.0%,20.0%,27,1,0,0,3,1298,1082,83.3%,1873,43,32,16,40,61,59,0,1,10,5,10,66.7%,25,38,8,4,0,7,7,15England,5,11,18,50.0%,17.2%,40,0,0,0,3,1488,1200,80.6%,2440,58,60,16,86,106,72,1,2,29,3,22,88.1%,43,45,6,5,0,11,11,16France,3,22,24,37.9%,6.5%,65,1,0,0,0,2066,1803,87.2%,2909,55,76,28,71,76,58,0,1,7,5,6,54.6%,36,51,5,6,0,11,11,19Germany,10,32,32,47.8%,15.6%,80,2,1,0,2,2774,2427,87.4%,3761,101,60,35,91,73,69,0,1,11,6,10,62.6%,63,49,12,4,0,15,15,17Greece,5,8,18,30.7%,19.2%,32,1,1,1,0,1187,911,76.7%,2016,52,53,10,65,123,87,0,1,23,7,13,65.1%,67,48,12,9,1,12,12,20Italy,6,34,45,43.0%,7.5%,110,2,0,0,2,3016,2531,83.9%,4363,75,75,30,98,137,136,1,2,18,7,20,74.1%,101,89,16,16,0,18,18,19Netherlands,2,12,36,25.0%,4.1%,60,2,0,0,0,1556,1381,88.7%,2163,50,49,22,34,41,41,0,0,9,5,12,70.6%,35,30,3,5,0,7,7,15Poland,2,15,23,39.4%,5.2%,48,0,0,0,1,1059,852,80.4%,1724,55,39,14,67,87,62,0,0,8,3,6,66.7%,48,56,3,7,1,7,7,17Portugal,6,22,42,34.3%,9.3%,82,6,0,0,2,1891,1461,77.2%,2958,91,64,41,78,92,86,0,2,11,4,10,71.5%,73,90,10,12,0,14,14,16Republic of Ireland,1,7,12,36.8%,5.2%,28,0,0,0,1,851,606,71.2%,1433,43,18,8,45,78,43,1,0,23,9,17,65.4%,43,51,11,6,1,10,10,17Russia,5,9,31,22.5%,12.5%,59,2,0,0,1,1602,1345,83.9%,2278,40,40,21,65,74,58,0,0,8,3,10,77.0%,34,43,4,6,0,7,7,16Spain,12,42,33,55.9%,16.0%,100,0,1,0,2,4317,3820,88.4%,5585,69,106,44,122,102,79,0,5,8,1,15,93.8%,102,83,19,11,0,17,17,18Sweden,5,17,19,47.2%,13.8%,39,3,0,0,1,1192,965,80.9%,1806,44,29,7,56,54,45,0,1,12,5,8,61.6%,35,51,7,7,0,9,9,18Ukraine,2,7,26,21.2%,6.0%,38,0,0,0,2,1276,1043,81.7%,1894,33,26,18,65,97,29,0,0,4,4,13,76.5%,48,31,4,5,0,9,9,18위의 데이터는 유로 2012 csv 데이터셋이며, 아래 요구 사항에 따라 파이썬 팬더 코드를 표시하고 싶습니다.각 열에 대해 설명할 필요는 없습니다.1. 필요한 데이터를 삽입합니다.2. 엑셀의 유로 2012 문서에서 데이터를 추출하여 유로12 변수로 만듭니다.3. 데이터에서 처음 5개 행과 마지막 5개 행을 찾습니다.4. 데이터에 몇 개의 열이 있으며 모든 열의 데이터 유형은 무엇입니까?5. 유로 2012 컵에 참가하는 축구 팀은 총 몇 개입니까?6. 팀, 옐로 카드, 레드 카드의 세 가지 열을 선택하고 이 세 가지를 규율에 대한 데이터 프레임 변수로 사용합니다.7. 모든 축구 팀이 받은 레드 카드의 수와 옐로 카드의 수의 감소 행렬을 빨간색 -> 노란색 순서로 만듭니다.8. 각 축구 팀이 평균적으로 받는 옐로 카드의 수를 계산합니다.9. 6골 이상 득점한 축구 팀의 데이터를 찾습니다.10. 팀 이름이 문자 G로 시작하는 팀의 데이터를 찾습니다.11. 마지막 세 열을 빼고 나머지 열을 선택합니다.12. 잉글랜드, 이탈리아, 러시아의 슈팅 정확도를 구합니다.13. 골 수를 히스토그램으로 플롯합니다.14. 총 슛과 골의 산점도를 플롯합니다.
squarelike/sharegpt_deepl_ko_translation
full
Hi! I'm working on an implementation of inference code for a GPT-like transformer, using a library called ggml and the Rust programming language. I'm having trouble understanding something in the following function: /// Evaluates the transformer. pub fn evaluate( &self, session: &mut InferenceSession, n\_threads: i32, input\_tokens: &[TokenId], ) { let n = input\_tokens.len(); let n\_past = session.n\_past as i32; let Hyperparameters { n\_vocab, n\_ctx, n\_embd, n\_mult: \_, n\_head, n\_layer, n\_rot, f16\_: \_, } = self.hparams; let mut buf\_size = 512 \* 1024 \* 1024; if session.mem\_per\_token > 0 && session.mem\_per\_token \* n > buf\_size { // add 10% to account for ggml object overhead buf\_size = (1.1f64 \* session.mem\_per\_token as f64 \* n as f64) as usize; }; let ctx0 = ggml::Context::init(buf\_size); let mut gf = ggml::ComputationGraph::new(n\_threads); let embd = ctx0.new\_tensor\_1d(ggml::TYPE\_I32, n as i32); unsafe { embd.write\_data(bytemuck::cast\_slice(input\_tokens)) }; let mut input\_layer = ctx0.op\_get\_rows(&self.tok\_embeddings, &embd); for il in 0..n\_layer as usize { let input\_self\_attention = input\_layer.share(); let mut current: ggml::Tensor; // norm { current = ctx0.op\_norm(&input\_layer); // cur = attention\_norm \* cur current = ctx0.op\_mul( &ctx0.op\_repeat(&self.layers[il].attention\_norm, ¤t), ¤t, ); } // self-attention { let q\_current = ctx0.op\_mul\_mat(&self.layers[il].wq, ¤t); let k\_current = ctx0.op\_mul\_mat(&self.layers[il].wk, ¤t); let v\_current = ctx0.op\_mul\_mat(&self.layers[il].wv, ¤t); // store key and value to memory if n >= 1 { let k = ctx0.op\_view\_1d( &session.memory\_k, n as i32 \* n\_embd, (session.memory\_k.element\_size() \* n\_embd as usize) \* (il \* n\_ctx as usize + n\_past as usize), ); dbg!((il \* n\_ctx as usize + n\_past as usize)); let v = ctx0.op\_view\_1d( &session.memory\_v, n as i32 \* n\_embd, (session.memory\_v.element\_size() \* n\_embd as usize) \* (il \* n\_ctx as usize + n\_past as usize), ); gf.build\_forward\_expand(&ctx0.op\_cpy(&k\_current, &k)); gf.build\_forward\_expand(&ctx0.op\_cpy(&v\_current, &v)); } // Q = Qcur.contiguous().view(n\_embd/n\_head, n\_head, N).permute(0, 2, 1, 3) let q = ctx0.op\_permute( &ctx0.op\_rope( &ctx0.op\_cpy( &q\_current, &ctx0.new\_tensor\_3d(ggml::TYPE\_F32, n\_embd / n\_head, n\_head, n as i32), ), n\_past, n\_rot, 0, ), 0, 2, 1, 3, ); // K = Kmem.view(n\_embd/n\_head, n\_head, n\_past + N).permute(0, 2, 1, 3) let k = ctx0.op\_permute( &ctx0.op\_rope( &ctx0.op\_reshape\_3d( &ctx0.op\_view\_1d( &session.memory\_k, (n\_past + n as i32) \* n\_embd, il \* n\_ctx as usize \* session.memory\_k.element\_size() \* n\_embd as usize, ), n\_embd / n\_head, n\_head, n\_past + n as i32, ), n\_past, n\_rot, 1, ), 0, 2, 1, 3, ); // K \* Q let k\_q = ctx0.op\_mul\_mat(&k, &q); // KQ\_scaled = KQ / sqrt(n\_embd/n\_head) let k\_q\_scaled = ctx0.op\_scale( &k\_q, &ctx0.new\_f32(1.0 / f32::sqrt(n\_embd as f32 / n\_head as f32)), ); // KQ\_masked = mask\_past(KQ\_scaled) let k\_q\_masked = ctx0.op\_diag\_mask\_inf(&k\_q\_scaled, n\_past); // KQ = soft\_max(KQ\_masked) let k\_q\_soft\_max = ctx0.op\_soft\_max(&k\_q\_masked); // V\_trans = Vmem.view(n\_embd/n\_head, n\_head, n\_past + N).permute(1, 2, 0, 3).contiguous() let v\_transposed = ctx0.op\_permute( &ctx0.op\_reshape\_3d( &ctx0.op\_view\_1d( &session.memory\_v, (n\_past + n as i32) \* n\_embd, il \* n\_ctx as usize \* session.memory\_v.element\_size() \* n\_embd as usize, ), n\_embd / n\_head, n\_head, n\_past + n as i32, ), 1, 2, 0, 3, ); // KQV = transpose(V) \* KQ\_soft\_max let k\_q\_v = ctx0.op\_mul\_mat(&v\_transposed, &k\_q\_soft\_max); // KQV\_merged = KQV.permute(0, 2, 1, 3) let k\_q\_v\_merged = ctx0.op\_permute(&k\_q\_v, 0, 2, 1, 3); // cur = KQV\_merged.contiguous().view(n\_embd, N) current = ctx0.op\_cpy( &k\_q\_v\_merged, &ctx0.new\_tensor\_2d(ggml::TYPE\_F32, n\_embd, n as i32), ); // projection (no bias) current = ctx0.op\_mul\_mat(&self.layers[il].wo, ¤t); } let input\_feed\_forward = ctx0.op\_add(¤t, &input\_self\_attention); // feed-forward network { // norm { current = ctx0.op\_norm(&input\_feed\_forward); // cur = ffn\_norm\*cur current = ctx0.op\_mul( &ctx0.op\_repeat(&self.layers[il].ffn\_norm, ¤t), ¤t, ); } let tmp = ctx0.op\_mul\_mat(&self.layers[il].w3, ¤t); current = ctx0.op\_mul\_mat(&self.layers[il].w1, ¤t); // SILU activation current = ctx0.op\_silu(¤t); current = ctx0.op\_mul(¤t, &tmp); current = ctx0.op\_mul\_mat(&self.layers[il].w2, ¤t); } current = ctx0.op\_add(¤t, &input\_feed\_forward); // input for next layer input\_layer = current; } // norm { input\_layer = ctx0.op\_norm(&input\_layer); // inpL = norm\*inpL input\_layer = ctx0.op\_mul(&ctx0.op\_repeat(&self.norm, &input\_layer), &input\_layer); } // lm\_head { input\_layer = ctx0.op\_mul\_mat(&self.output, &input\_layer); } // logits -> probs // inpL = ctx0.op\_soft\_max(&inpL); // run the computation gf.build\_forward\_expand(&input\_layer); ctx0.graph\_compute(&mut gf); // return result for just the last token // SAFETY: yolo assert\_eq!(session.last\_logits.len(), n\_vocab as usize); unsafe { input\_layer.read\_data( n\_vocab as usize \* (n - 1) \* std::mem::size\_of::(), bytemuck::cast\_slice\_mut(&mut session.last\_logits), ) }; // Adjust the required memory per token if we didn't know that already if session.mem\_per\_token == 0 { session.mem\_per\_token = ctx0.used\_mem() / n; } // Adjust n\_past to new length. session.n\_past += input\_tokens.len(); }
i! 다음 함수에서 무언가를 이해하는 데 문제가 있습니다:/// 트랜스포머를 평가합니다. pub fn evaluate( &self, 세션: &mut 추론 세션, n\_threads: i32, input\_tokens: &[TokenId], ) { let n = input\_tokens.len(); let n\_past = 세션.n\_past as i32; let 하이퍼파라미터 { n\_vocab, n\_ctx, n\_embd, n\_mult: \_, n\_head, n\_layer, n\_rot, f16\_: \_, } = self.hparams; let mut buf\_size = 512 \* 1024 \* 1024; if session.mem\_per\_token > 0 && session.mem\_per\_token \* n > buf\_size { // ggml 객체 오버헤드를 고려하기 위해 10% 추가 buf\_size = (1.1f64 \* session.mem\_per\_token as f64 \* n as f64) as usize; }; let ctx0 = ggml::Context::init(buf\_size); let mut gf = ggml::ComputationGraph::new(n\_threads); let embd = ctx0.new\_tensor\_1d(ggml::TYPE\_I32, n as i32); unsafe { embd.write\_data(bytemuck::cast\_slice(input\_tokens)) }; let mut input\_layer = ctx0.op\_get\_rows(&self.tok\_embeddings, &embd); FOR IL IN 0..N\_레이어 AS USIZE { let input\_self\_attention = input\_layer.share(); let mut current: ggml::Tensor; // norm { current = ctx0.op\_norm(&input\_layer); // cur = attention\_norm \* cur current = ctx0.op\_mul( &ctx0.op\_repeat(&self.layers[il].attention\_norm, ¤t), ¤t, ); } // 셀프 어텐션 { let q\_current = ctx0.op\_mul\_mat(&self.layers[il].wq, ¤t); let k\_current = ctx0.op\_mul\_mat(&self.layers[il].wk, ¤t); let v\_current = ctx0.op\_mul\_mat(&self.layers[il].wv, ¤t); // 키와 값을 메모리에 저장 if n >= 1 { let k = ctx0.op\_view\_1d( &session.memory\_k, n as i32 \* n\_embd, (세션.메모리\_k.요소\_size() \* n\_embd as usize) \* (il \* n\_ctx as usize + n\_past as usize), ); dbg!((il \* n\_ctx as usize + n\_past as usize)); LET V = CTX0.OP\_VIEW\_1D( &session.memory\_v, n을 i32 \* n\_embd, (세션.메모리\_v.요소\_size() \* n\_embd as usize) \* (il \* n\_ctx as usize + n\_past as usize), ); gf.build\_forward\_expand(&ctx0.op\_cpy(&k\_current, &k)); gf.build\_forward\_expand(&ctx0.op\_cpy(&v\_current, &v)); } // Q = Qcur.contiguous().view(n\_embd/n\_head, n\_head, N).permute(0, 2, 1, 3) let q = ctx0.op\_permute( &ctx0.op\_rope( &ctx0.op\_cpy( &q\_current, &ctx0.new\_tensor\_3d(ggml::TYPE\_F32, n\_embd / n\_head, n\_head, n as i32), ), n\_past, n\_rot, 0, ), 0, 2, 1, 3, ); // K = Kmem.view(n\_embd/n\_head, n\_head, n\_past + N).permute(0, 2, 1, 3) let k = ctx0.op\_permute( &ctx0.op\_rope( &ctx0.op\_reshape\_3d( &CTX0.OP\_VIEW\_1D( &SESSION.MEMORY\_K, (n\_past + n as i32) \* n\_embd, IL \* n\_CTX AS USIZE \* 세션.메모리\_k.요소\_size() \* n\_embd를 usize로, ), n\_embd / n\_head, n\_head, n\_past + n을 i32로, ), n\_past, n\_rot, 1, ), 0, 2, 1, 3, ); // K \* Q LET K\_Q = CTX0.OP\_MUL\_MAT(&K, &Q); // KQ\_scaled = KQ / sqrt(n\_embd/n\_head) LET K\_Q\_SCALE = CTX0.OP\_SCALE( &k\_q, &ctx0.new\_f32(1.0 / f32::sqrt(n\_embd as f32 / n\_head as f32))), ); // KQ\_masked = mask\_past(KQ\_scaled) LET K\_Q\_MASKED = CTX0.OP\_DIAG\_MASK\_INF(&K\_Q\_SCALED, N\_PAST); // KQ = soft\_max(KQ\_masked) LET K\_Q\_soft\_max = CTX0.OP\_soft\_max(&k\_Q\_마스크드); // V\_trans = Vmem.view(n\_embd/n\_head, n\_head, n\_past + N).permute(1, 2, 0, 3).contiguous() LET V\_TANSPOSED = CTX0.OP\_PERMUTE( &ctx0.op\_reshape\_3d( &CTX0.OP\_VIEW\_1D( &session.memory\_v, (n\_past + n as i32) \* n\_embd, il \* n\_ctx as usize \* session.memory\_v.element\_size() \* n\_embd as usize, ), n\_embd / n\_head, n\_head, n\_past + n을 i32로, ), 1, 2, 0, 3, ); // KQV = 조옮김(V) \* KQ\_soft\_max LET K\_Q\_V = CTX0.OP\_MUL\_MAT(&V\_Transposed, &K\_Q\_SOFT\_MAX); // KQV\_merged = KQV.permute(0, 2, 1, 3) let k\_q\_v\_merged = ctx0.op\_permute(&k\_q\_v, 0, 2, 1, 3); // cur = KQV\_merged.contiguous().view(n\_embd, N) current = ctx0.op\_cpy( &k\_q\_v\_merged, &ctx0.new\_tensor\_2d(ggml::TYPE\_F32, n\_embd, n as i32), ); // 투영(바이어스 없음) current = ctx0.op\_mul\_mat(&self.layers[il].wo, ¤t); } LET INPUT\_Feed\_FORWARD = CTX0.OP\_ADD(¤T, &INPUT\_SELF\_ATTENTION); // 피드 포워드 네트워크 { // 규범 { current = ctx0.op\_norm(&input\_feed\_forward); // cur = ffn\_norm\*cur current = ctx0.op\_mul( &ctx0.op\_repeat(&self.layers[il].ffn\_norm, ¤t), ¤t, ); } LET TMP = CTX0.OP\_MUL\_MAT(&self.LAYERS[IL].W3, ¤T); current = ctx0.op\_mul\_mat(&self.layers[il].w1, ¤t); // SILU 활성화 current = ctx0.op\_silu(¤t); current = ctx0.op\_mul(¤t, &tmp); current = ctx0.op\_mul\_mat(&self.layers[il].w2, ¤t); } current = ctx0.op\_add(¤t, &input\_feed\_forward); // 다음 레이어에 대한 입력 input\_layer = current; } // 표준 { 입력\_레이어 = CTX0.OP\_NORM(&입력\_레이어); // inpL = norm\*inpL input\_layer = ctx0.op\_mul(&ctx0.op\_repeat(&self.norm, &input\_layer), &input\_layer); } // lm\_head
squarelike/sharegpt_deepl_ko_translation
full
The economy of the Central African Republic is $2.321 billion by gross domestic product as of 2019, with an estimated annual per capita income of just $805 as measured by purchasing power parity in 2019. Sparsely populated and landlocked, the Central African Republic is overwhelmingly agrarian. The vast bulk of the population engages in subsistence farming and 55% of the country's GDP derives from agriculture. Subsistence agriculture, together with forestry, remains the backbone of the economy of the Central African Republic (CAR), with more than 70% of the population living in outlying areas. Principal food crops include cassava, peanuts, sorghum, millet, maize, sesame, and plantains. Principal cash crops for export include cotton, coffee, and tobacco. Timber has accounted for about 16% of export earnings and the diamond industry for nearly 54%. Central African Republic is a least developed country according to United Nations. Infrastructure Much of the country's limited electrical supply is provided by hydroelectric plants located in Boali. Fuel supplies must be barged in via the Oubangui River or trucked overland through Cameroon, resulting in frequent shortages of gasoline, diesel, and jet fuel. The C.A.R.'s transportation and communication network is limited. The country has only 429 kilometers of paved road, limited international, and no domestic air service, and does not possess a railroad. River traffic on the Oubangui River is impossible from April to July, and conflict in the region has sometimes prevented shipments from moving between Kinshasa and Bangui. The telephone system functions, albeit imperfectly. Four radio stations operate in the C.A.R., as well as one television station. Numerous newspapers and pamphlets are published on a regular basis, and one company provides Internet access. Forestry In 2014, the country exported 59.3 million US dollars of forest products. This accounts for 40% of total export earnings in the C.A.R. Natural resources The country has rich natural resources in the form of diamonds, gold, uranium, and other minerals. Diamonds constitute one of the most important exports of the CAR, frequently accounting for 20-30% of export revenues, but an estimated 30-50% of the diamonds produced each year leave the country clandestinely. There may be petroleum deposits along the country's northern border with Chad. (Two billion barrels of oil are present in private estimates). Diamonds are the only of these mineral resources currently being developed; reported sales of largely uncut diamonds made up close to 60% of the CAR's export earnings as of 2001. Industry contributes less than 20% of the country's GDP, with artesian diamond mining, breweries, and sawmills making up the bulk of the sector. Services account for 25% of GDP, largely because of government bureaucracy and high transportation costs arising from the country's landlocked position. Agriculture 74% (2013) of the population in the Central African Republic works in the agriculture industry, so Central African Republic's economy is dominated by the cultivation and sale of foodcrops such as yams, cassava, peanuts, maize, sorghum, millet, sesame, and plantains. The importance of foodcrops over exported cash crops is illustrated by the fact that the total production of cassava, the staple food of most Central Africans, ranges between c. 200,000 and 300,000 tons a year, while the production of cotton, the principal exported cash crop, ranges from c. 25,000 to 45,000 tons a year. Foodcrops are not exported in large quantities but they still constitute the principal cash crops of the country because Central Africans derive far more income from the periodic sale of surplus foodcrops than from exported cash crops such as cotton or coffee. Many rural and urban women also transform some foodcrops into alcoholic drinks such as sorghum beer or hard liquor and derive considerable income from the sale of these drinks. Much of the income derived from the sale of foods and alcohol is not "on the books" and thus is not considered in calculating per capita income, which is one reason why official figures for per capita income are not accurate in the case of the CAR. The per capita income of the CAR is often listed as being around $400 a year, said to be one of the lowest in the world, but this figure is based mostly on reported sales of exports and largely ignores the more important but unregistered sale of foods, locally produced alcohol, diamonds, ivory, bushmeat, and traditional medicines, for example. The informal economy of the CAR is more important than the formal economy for most Central Africans. Central African Republic produced in 2019: 730 thousand tons of cassava; 511 thousand tons of yam (7th largest producer in the world); 143 thousand tons of peanut; 140 thousand tons of taro; 138 thousand tons of banana; 120 thousand tons of sugar cane; 90 thousand tons of maize; 87 thousand tons of plantain; 75 thousand tons of vegetable; 36 thousand tons of orange; 30 thousand tons of sorghum; 21 thousand tons of cotton; 19 thousand tons of pumpkin; 17 thousand tons of pineapple; 12 thousand tons of mango; 10 thousand tons of millet; 10 thousand tons of coffee; 8.5 thousand tons of avocado; 6.7 thousand tons of sesame seed; In addition to smaller productions of other agricultural products. Finance and banking The financial sector of the CAR, the smallest in the CEMAC, plays a limited role in supporting economic growth. Suffering from weak market infrastructure and legal and judicial frameworks, the financial system remains small, undeveloped, and dominated by commercial banks. Because of economic and security concerns, financial institutions, and particularly microfinance institutions (MFIs), have consolidated their business in the capital, Bangui, over the past few years. With less than 1% of the total population holding a bank account, access to financial services is extremely limited in the CAR. Microfinance accounts only for 1% of the total credit facilities, serving 0.5 percent of the population. Low levels of mobile penetration – which stand at 30%, a significantly lower percentage than in the rest of the continent – dampen the potential expansion of access to financial services through mobile technology. In April 2022, the country announced that it will adopt the cryptocurrency bitcoin as legal tender. Economic aid and development The CAR is heavily dependent upon multilateral foreign aid and the presence of numerous NGO's which provide numerous services which the government fails to provide. As one UNDP official put it, the CAR is a country "sous serum," or a country hooked up to an IV (Mehler 2005:150). The presence of numerous foreign personnel and organizations in the country, including peacekeepers and refugee camps, provides an important source of revenue for many Central Africans. In the 40 years since independence, the CAR has made slow progress toward economic development. Economic mismanagement, poor infrastructure, a limited tax base, scarce private investment, and adverse external conditions have led to deficits in both its budget and external trade. Its debt burden is considerable, and the country has seen a decline in per capita gross national product over the last 40 years. Important constraints to economic development include the CAR's landlocked position, a poor transportation system, a largely unskilled work force, and a legacy of misdirected macroeconomic policies. The 50% devaluation of the currencies of 14 Francophone African nations on 12 January 1994 had mixed effects on the CAR's economy. Diamond, timber, coffee, and cotton exports increased, leading an estimated rise of GDP of 7% in 1994 and nearly 5% in 1995. Military rebellions and social unrest in 1996 were accompanied by widespread destruction of property and a drop in GDP of 2%. Ongoing violence between the government and rebel military groups over pay issues, living conditions, and political representation has destroyed many businesses in the capital and reduced tax revenues for the government. The International Monetary Fund (IMF) approved an Extended Structure Adjustment Facility in 1998. The government has set targets of annual 5% growth and 25% inflation for 2000–2001. Structural adjustment programs with the World Bank and IMF and interest-free credits to support investments in the agriculture, livestock, and transportation sectors have had limited impact. The World Bank and IMF are now encouraging the government to concentrate exclusively on implementing much-needed economic reforms to jump-start the economy and defining its fundamental priorities with the aim of alleviating poverty. As a result, many of the state-owned business entities have been privatized and limited efforts have been made to standardize and simplify labor and investment codes and to address problems of corruption. The Central African Government is currently in the process of adopting new labor and investment codes. Macroeconomic The following table shows the main economic indicators in 1980–2017. Exchange rates See also Central African Republic Economy of Africa Mining industry of the Central African Republic United Nations Economic Commission for Africa References Notes External links Central African Republic Central African Republic
중앙아프리카 공화국의 경제는 세계에서 가장 개발이 덜 된 나라 중 하나로, 2019년 구매력 평가로 측정된 1인당 연간 소득 추정치는 805달러에 불과하다. 인구가 희박하고 육지로 둘러싸인 이 나라는 압도적으로 농경지다. 인구의 대부분이 생계형 농업에 종사하고 있으며 국내총생산의 55%가 농업에서 나온다. 임업과 더불어 생계형 농업은 인구의 70% 이상이 외곽 지역에 살고 있는 중앙아프리카 공화국 경제의 중추로 남아 있다. 주요 식량 작물로는 카사바, 땅콩, 수수, 기장, 옥수수, 참깨, 플랜틴 등이 있다. 주요 수출용 현금 작물에는 면화, 커피, 담배가 포함된다. 목재는 수출 수익의 약 16%를 차지했고 다이아몬드 산업은 거의 54%를 차지했다. 사회 기반 시설 그 나라의 제한된 전기 공급의 대부분은 보알리에 위치한 수력 발전소에서 공급된다. 연료 공급은 우방기강을 통해 보급되거나 카메룬을 통해 육로로 운송되어야 하며, 이로 인해 휘발유, 디젤 및 제트 연료가 자주 부족하게 된다. 중앙아프리카 공화국의 교통 및 통신망은 제한되어 있다. 중앙아프리카 공화국은 429km의 포장도로와 제한된 국제선, 그리고 국내 항공 서비스가 없으며 철도를 보유하고 있지 않다. 우방기강의 강 교통은 4월부터 7월까지 불가능하며, 그 지역의 분쟁으로 인해 때때로 킨샤사와 방기 사이의 수송이 중단되었다. 전화 시스템은 불완전하기는 하지만 기능한다. 네 개의 라디오 방송국과 한 개의 텔레비전 방송국이 중앙아프리카 공화국에서 운영되고 있다. 수많은 신문과 팜플렛이 정기적으로 발행되고 있으며, 한 회사는 인터넷 접속을 제공한다. 임업 2,220만 헥타르(5,650만 에이커)의 숲이 있지만 울창한 숲은 340만 헥타르(840만 에이커)에 불과하며 모두 콩고 민주 공화국, 콩고 공화국, 카메룬과 접한 남쪽 지역에 있다. 중앙아프리카 공화국의 착취 가능한 숲은 전체 토지 면적의 43%인 2,700만 헥타르(6,800만 에이커)에 달한다. 강에서의 교통 병목 현상과 철도의 연결 부족은 상업적인 착취에 심각한 장애물이다. 대부분의 목재는 우방기강과 자이르강을 따라 내려가 콩고 철도를 타고 대서양으로 운반된다. 약 34종의 나무들이 베어지지만, 전체의 85%가 아유, 아니에그레, 이로코, 사펠, 그리고 시포이다. 12개의 제재소에서 2014년에 65만 입방 미터(23,000,000 cu ft)의 톱질 통나무와 베니어 통나무를 생산했다. 정부는 열악한 교통 인프라로 인한 높은 수출 비용 때문에 합판과 베니어 제품의 생산을 장려하고 있다. 저비용 아시아와 중남미 벌목업자들과의 경쟁은 높은 운송비와 인건비로 어려움을 겪고 있는 국내 산업에 타격을 입혔다. 2014년에, 중앙아프리카 공화국은 5,930만 달러의 임산물들을 수출했다. 이것은 국가 전체 수출 수입의 40%를 차지한다. 천연자원 이 나라는 다이아몬드, 금, 우라늄, 그리고 다른 광물의 형태로 풍부한 천연자원을 가지고 있다. 다이아몬드는 중앙아프리카 공화국의 가장 중요한 수출품 중 하나로, 종종 수출 수입의 20-30%를 차지하지만, 매년 생산되는 다이아몬드의 약 30~50%가 중앙아프리카 공화국을 비밀리에 떠난다. 차드와의 국경 북부에는 석유 매장량이 있을 수 있다(개인 추산으로는 20억 배럴의 석유가 존재한다). 다이아몬드는 현재 개발되고 있는 이 광물 자원들 중 유일한 것이다. 보고된 바에 따르면 대부분 다듬어지지 않은 다이아몬드의 판매량은 중앙아프리카 공화국 수출 수익의 20~30%에 달한다. 산업은 국내총생산(GDP)의 20%에도 못 미치며, 데카르트 다이아몬드 광업, 양조장, 제재소가 이 분야의 대부분을 차지한다. 서비스는 국내총생산의 25%를 차지하는데, 이는 주로 정부의 관료주의와 육지로 둘러싸인 위치에서 발생하는 높은 교통비 때문이다. 농업 중앙아프리카 공화국 인구의 74%(2013년)가 농업에 종사하기 때문에 중앙아프리카 공화국의 경제는 참마, 카사바, 땅콩, 옥수수, 수수, 기장, 참깨, 플랜틴 등의 농작물 재배와 판매에 의해 지배되고 있다. 대부분의 중앙아프리카 공화국인들의 주식인 카사바의 총 생산량은 연간 20만톤에서 30만톤 사이인 반면, 주요 수출 현금 작물인 목화의 생산량은 연간 25,000톤에서 45,000톤 사이라는 사실에 의해 수출된 현금 작물보다 식량 작물의 중요성이 입증된다. 식량작물은 대량으로 수출되지는 않지만, 중앙아프리카 공화국인들이 면화나 커피와 같은 수출된 현금작물보다 잉여 식량작물의 주기적인 판매로부터 훨씬 더 많은 수입을 얻기 때문에 그들은 여전히 국가의 주요 현금작물을 구성한다. 많은 시골과 도시 여성들은 또한 일부 음식 크롭을 수수 맥주나 독한 술과 같은 알코올 음료로 변형시키고 이러한 음료의 판매로부터 상당한 수입을 얻는다. 식품과 술의 판매에서 얻는 수입의 대부분은 "기록상"이 아니기 때문에 1인당 소득을 계산할 때 고려되지 않는다. 이것이 바로 1인당 소득에 대한 공식 수치가 중앙아프리카 공화국의 경우 정확하지 않은 한 가지 이유이다. 중앙아프리카 공화국의 1인당 국민소득은 종종 연간 400달러 정도로, 세계에서 가장 낮은 수준이라고 하지만, 이 수치는 대부분 보고된 수출품 판매에 근거하고 있으며, 예를 들어, 국내에서 생산된 술, 다이아몬드, 상아, 야생동물 고기, 그리고 전통 의약품의 더 중요하지만 등록되지 않은 식품 판매를 대부분 무시한다. 중앙아프리카 공화국의 비공식 경제는 대부분의 중앙아프리카 공화국 사람들에게 공식적인 경제보다 더 중요하다. 금융 및 은행 CEMAC에서 가장 작은 중앙아프리카 공화국의 금융 부문은 경제 성장을 지원하는 데 제한적인 역할을 한다. 취약한 시장 인프라와 법적, 사법적 틀로 인해 어려움을 겪고 있는 금융 시스템은 여전히 작고, 개발되지 않았으며, 시중 은행들이 지배하고 있다. 경제 및 보안의 우려로 인해 금융 기관, 특히 소액 금융 기관(MFI)은 지난 몇 년 동안 수도 방기에서 그들의 사업을 통합해 왔다. 전체 인구의 1% 미만이 은행 계좌를 보유하고 있기 때문에 중앙아프리카 공화국에서 금융 서비스에 대한 접근은 극히 제한적이다. 소액금융은 전체 신용대출의 1%에 불과해 인구의 0.5%를 차지한다. 30%에 달하는 낮은 수준의 모바일 보급률은 다른 대륙보다 훨씬 낮은 수준으로 모바일 기술을 통한 금융 서비스 접근의 잠재적 확장을 저해한다. 어업 어업은 강을 따라 광범위하게 행해지지만, 대부분의 어획물은 우방기강의 콩고 민주 공화국 쪽에서 팔리거나 물물교환된다. 1950년에 정부는 양식 프로그램을 시작했고 1968년 말까지 거의 12,000개의 연못이 있었다. 2003년 어획량은 약 15,000톤이었다. 각주 외부 링크
amphora/parallel-wiki-koen
full
is a Japanese voice actor and singer who works for Ken Production. He is married to fellow voice actress Yuka Nishigaki. Biography Yonaga was born in Kanagawa Prefecture and raised in Ushiku, Ibaraki. He has an older sister who is six years older than him and a younger sister who is four years younger than him. When he was in the fifth grade, his voice hardly changed. When he talked to his homeroom teacher, who knew that he liked singing, acting, and recitation, he was told about the profession of voice acting, which led him to become a voice actor. He has been a member of a drama club since his second year of high school. After graduating from the voice actor vocal course at the vocational school Tokyo Media Academy (now the voice actor training course at Tokyo Seiyu Academy), he entered School Duo, a voice actor training school attached to Ken Production, as a 6th year student. He then made his debut in his third year at Ken Production, when he was entrusted to the office. In 2006, he made his voice acting debut as a student in the OVA Cluster Edge Secret Episode. In 2007, he played the role of Shingo Suwa in Gigantic Formula and Ren Mihashi in Big Windup!, his first leading role in an anime. In 2008, Yonaga won the Best Rookie award at the 2nd Seiyu Awards. In April 2011, he formed the music unit "Trignal" with Takuya Eguchi and Ryōhei Kimura. On December 12, 2012, he made his CD debut as "Trignal" with the mini-album "PARTY" under the Kiramune label. He has also formed a unit called "BRAVE WING" with Yuki Kaji, and "Genki Dan" with Fumihiro Okabayashi and Yuka Nishigaki, who belong to the same agency. On May 4, 2015, he announced on his Twitter page that he had married Nishigaki. On July 18, 2018, he announced the birth of their first child. On November 18, 2019, his office and his Twitter announced that he would be limiting some of his activities due to treatment for dysphonia. Filmography Animation 2007 Gigantic Formula (Shingo Suwa) Big Windup! (Ren Mihashi) Wangan Midnight (Harada) 2008 Bamboo Blade (Fujimura) Bleach (Shū Kannogi) Chaos;Head (Shogun) Persona: Trinity Soul (Shiiba and Wakaba) S · A: Special A (Jun Yamamoto) Shugo Chara! (Kirishima Fuyuki) 2009 Guin Saga (Remus) Yumeiro Patissiere (Satsuki Hanabusa) Stitch! ~Itazura Alien no Daibōken~ (Hans) 2010 Demon King Daimao (Miwa Hiroshi) MM! (Yukinozo Himura) Beyblade: Metal Fusion (Damure) Model Suit Gunpla Builders Beginning G (Haru Irei) Ōkiku Furikabutte ~Natsu no Taikai Hen~ (Ren Mihashi) 2011 Cardfight!! Vanguard (Aichi Sendou) Chihayafuru (Tsutomu Komano) Persona 4 (Naoki Konishi) Tiger & Bunny (Tony) 2012 Acchi Kocchi (Kyoya Saibara) Area no Kishi (Matoba Kaoru) Cardfight!! Vanguard: Asia Circuit (Aichi Sendou) Fairy Tail (Rufus Lohr) La storia della Arcana Famiglia (Nova) One Piece (Bobbin) Sword Art Online (Sasamaru) Tasogare OtomexAmnesia (Teiichi Niiya) 2013 Cardfight!! Vanguard: Link Joker (Aichi Sendou) Chihayafuru 2 (Tsutomu Komano) Free! - Iwatobi Swim Club (Nagisa Hazuki) Hakkenden: Tōhō Hakken Ibun (Shinobu Inue)Inazuma Eleven GO Galaxy (Kazuto Minaho)Uta no Prince-sama Maji Love 2000% (Season 2) (Nagi Mikado)Valvrave the Liberator (Prue)Yowamushi Pedal (Sangaku Manami) 2014Cardfight!! Vanguard: Legion Mate (Aichi Sendou)Donten ni Warau (Chutaro Kumo)Free! Eternal Summer (Nagisa Hazuki)Log Horizon (Kijo)Love Stage!! (Izumi Sena)Mobile Suit Gundam-san (Amuro-san)Yowamushi Pedal Grande Road (Sangaku Manami) 2015Ace of Diamond (Shinji Akamatsu)Cute High Earth Defense Club Love! (Rui Megawa)World Trigger (Tsukihiko Amo)Uta no Prince-sama Maji Love Revolutions (Season 3) (Nagi Mikado)Akagami no Shirayuki-hime (Shuka) 2016Beyblade Burst (Kensuke Midorikawa)Cardfight!! Vanguard G: GIRS Crisis (Aichi Sendou)Reikenzan: Hoshikuzu-tachi no Utage (Oriku)Zutto Mae Kara Suki Deshita: Kokuhaku Jikkō Iinkai (Koyuki Ayase)D.Gray-man Hallow (Young Yu Kanda)Uta no Prince-sama Maji LOVE Legend Star (Season 4) (Nagi Mikado)Suki ni Naru Sono Shunkan o: Kokuhaku Jikkō Iinkai (Koyuki Ayase) 2017Kenka Bancho Otome: Girl Beats Boys (Hikaru Onigashima)Yowamushi Pedal: New Generation (Sangaku Manami)Cardfight!! Vanguard G: NEXT (Aichi Sendou)Cardfight!! Vanguard G: Z (Aichi Sendou)Vatican Miracle Examiner (Ryōta Hiraga)UQ Holder! (Vasago) 2018IDOLiSH7 (Mitsuki Izumi)Beyblade Burst God (Kensuke Midorikawa)Free! Dive to The Future (Nagisa Hazuki)Cardfight!! Vanguard カードファイト!! ヴァンガード (Aichi Sendou)Yowamushi Pedal: Glory Line (Sangaku Manami)The Thousand Musketeers (Ekaterina) 2019Chihayafuru 3 (Tsutomu Komano) 2020A Destructive God Sits Next to Me (Hibiki Kimiya)IDOLiSH7 Second Beat! (Mitsuki Izumi) 2021IDOLiSH7 Third Beat! (Mitsuki Izumi) Anime filmsFree! Timeless Medley (2017), Nagisa HazukiThe Seven Deadly Sins the Movie: Prisoners of the Sky (2018), SoradaGrisaia: Phantom Trigger the Animation (2019), Haruto AoiFree! The Final Stroke Part 1 (2021–2022), Nagisa HazukiToku Touken Ranbu: Hanamaru ~Setsugetsuka~ (2022), Kenshin Kagemitsu Original video animation (OVA)Alice in Borderland (2014), Chōta SegawaHybrid Child (2014), YuzuYarichin Bitch Club (2018), Keiichi Akemi Original net animation (ONA)Sailor Moon Crystal (2015), Blue SaphirRecord of Ragnarok II (2023), Okita Sōji Games 2006Time Hollow (Ethan Kairos) 2008Real Rode (Somari)VitaminZ (Yakumo Tachibana)Chaos;Head (Shogun) 2009Chaos;Head Noah (Shogun) 2010Blaze Union (Nessiah, Mizer) 2011Chaos Code (Catherine)Corpse Party: Book of Shadows (Kurosaki Kensuke)Tales of Xillia (Jude Mathis)Tokyo Yamanote Boys (Honey Milk Disc) (Momose Ayumu) 2012E.X. Troopers (Luan Forest)Fairy Tail (Rufus Lohr)Tales of Xillia 2 (Jude Mathis)Toki to Towa (Zack/Player)Unchained Blades (Hector) 2014Houkago Colorful Step: Undo-bu! (Kiryuu Nanao)Majou Ou (Drop Rust)Snow Bound Land (Craes) 2015IDOLiSH7 (Izumi Mitsuki) 2016Kamen Rider Battride War Genesis (Philip / Kamen Rider Double Fang Joker)Kenka Bancho Otome (Hikaru Onigashima)Tales of Berseria (Jude Mathis)Digimon Universe: Appli Monsters (Sakusimon) 2018Senjuushi The Thousand Noble Musketeers (Ekaterina) 2019Another Eden (Dewey)Ayakashi: Romance Reborn (Kagemaru) 2021Argonavis from BanG Dream AASide'' (Mitsurugi Koharu) References External links Official agency profile 1984 births Living people Japanese male video game actors Japanese male voice actors Ken Production voice actors Male voice actors from Kanagawa Prefecture 21st-century Japanese male actors
요나가 츠바사(, 1984년 1월 15일 ~ )는 일본 가나가와현 출신의 켄 남성 성우이다. 소속사는 켄 프로덕션이다. 소년 연기를 맡는 일이 많다. 2015년 5월 4일 같은 사무소의 니시가키 유카와 결혼했다. 인물 독특한 목소리 때문에 초등학교 6학년 시절 선생님에게 성우라는 직업을 소개받은 것이 성우가 되는 계기가 되었다. 동경 미디어 아카데미 성우 보컬과를 졸업 후, 스쿨듀오에 입소하였다. 데뷔 1년차가 주인공을 맡는 일은 드문 일이지만 2007년 《크게 휘두르며》와 《기신대전 기간틱 포뮬러》 의 주인공으로 캐스팅 되었다. 2008년 제 2회 성우 어워드에서 《크게 휘두르며》의 미하시 렌 역으로 신인 남우상을 수상하였다. 형제 자매는 누나와 여동생이 있다. 카지 유우키와 〈BRAVE WING〉이라는 유닛을 하고 있다. 고등학교 시절에는 연극부에 속해 있었다. 응원단에 들어가 여름 일본 전국 고등학교 야구 선수권 대회 응원을 한 경험도 있다. 돌고래를 좋아해 조련사가 되려고 망설이던 시기도 있었다고 한다. 노래방을 좋아하며 좋아하는 만화는 《우시오와 토라》 에피소드 라디오 첫 출연은 《마나와 웃치의 기간틱☆4U》제 19회·20회에 게스트로 출연. 하지만 그 뒤에는 《크게 휘두르며》에 출연한 영향(주로 방송 선전)때문에 라디오 게스트로 불릴 때는 대부분 나카무라 유이치와 함께였다. 하지만 《인터넷 라디오 히야마 노부유키의 아니메지유》에 단독 출연을 달성하였다. 〈TBS 아니메페스타 2007〉에서《크게 휘두르며》에서 공연한 나카무라 유이치와 역할을 바꿔 연기하였는데 양자 모두 훌륭히 연기해 내 이벤트 장에 있던 사람들에게 박수 갈채를 받았다. 한 때 하로(건담 시리즈에 등장하는 소형 로봇)를 모으는데 심취해 있었는지, 자택에는 여러 종류의 하로가 존재한다. 출연작 ※굵은 글씨는 주연·메인 캐릭터 TV 애니메이션 2007년 ef - a fairy tale of the two. (부원 A#2・3・12) 크게 휘두르며 (미하시 렌) 오버 드라이브 (소년) 기신대전 기간틱 포뮬러 (스와 신고) 결계사 (급우 #19) 현시연 2 (남A, 남L) 캐릭캐릭 체인지 (야마다 #5) 체포하겠어 풀 스로틀 (우치다, 불량, 소년) NANA (학생, 40화) 노다메 칸타빌레 (노다 요시타카, 22화) 미나미가(소년A, 남자 A) 샤먼 시스터즈 ((카마이타치의 부하#10) 완간 미드나이트 (하라다) 2008년 못말리는 3공주 (유원지 오빠 #33) 카오스;헤드 (장군) 사후편지 (마치야 쇼타) 캐릭캐릭 체인지 두근! (야마다) S.A 스페셜 에이 (야마모토 쥰) 웹 고스트 PIPOPA (마츠시타 슈조) 배틀 프시리츠 소년돌파 바신 (학생D #3) 뱀부 블레이드 (후지무라) 블리치 (칸노기 슈) 날아라 방울방울 친구들 아핫☆ (히카루 #39) 페르소나 트리니티 소울 (구스 와카사, 구스 시바) 마카데미 왓쇼이!(코쇼) Mission-E (마오리의 동생) 월드 디스트럭션 (남자아이 #9) 2009년 내일의 요이치! (소년 B) 아라도 전기 슬랩업 파티 (카곤 #15・22 - 26) 다인 사가 (레무스) 바보 남매(청춘단C #10) 완소! 퍼펙트 반장 (内木謝意男) 캐릭캐릭 체인지 두근 (키리시마 휴우키) 학생회의 일존 (남자학생 #2) 웹 고스트 PIPOPA (사원 #45) 첫사랑 한정 (남자부원B #9) 배트맨 더 브레이브 앤드 더 볼드 (블루 비틀/ 하이메 레이에스) 꿈빛 파티시엘 (하나부사 사츠키) 2010년 언젠가는 대마왕 (미와 히로시) MM! (히무라 유키노죠) 크게 휘두르며 ~여름대회편~ (미하시 렌) 스티치! 새로운 모험 (한스) 스티치! 영원히 최고의 친구들 (팀메이트, 스왓바) 닌자보이 란타로 (모로이즈미 손나몽 2대) 노다메 칸타빌레 피날레 (노다 요시타카) 메탈파이트 베이블레이드 폭 (다무레) 꿈빛 파티시엘 SP 프로패셔널 (하나부사 사츠키, 나르시) 2011 카드파이트!! 뱅가드 (센도 아이치) 우리들에게 날개는 없다 (나레이션) 2012 페어리 테일 (루퍼스 로어) 원피스 (보빈) 2013 Free! (하즈키 나기사) 혁명기 발브레이브 (플루) 겁쟁이 페달 (마나미 산가쿠) 노래의☆왕자님♪ 진심 LOVE 2000% - (미카도 나기) 이나즈마 일레븐 Go 갤럭시 (미나호 카즈토) 치하야후루 2 (코마노 츠토무) 2014 Free! Eternal Summer (하즈키 나기사) LOVE STAGE! (세나 이즈미) 겁쟁이 페달 Grande Road (마나미 산가쿠) 흐린 하늘에 웃다 (쿠모 츄타로) 기동전사 건담씨 (아무로 레이) 하이브리드 차일드 - (유즈) 인터넷 애니메이션 망념의 잠드 (하코베 #24) OVA CLUSTER EDGE Secret Episode (학생) 한정소녀 (남자 A) 쓰르라미 울 적에 례 (오타쿠A) 모형전사 건프라빌더즈 비기닝G (이레이 하루) 꿈빛 파티시엘 가슴쿵♥트로피컬 아일랜드! (하나부사 사츠키) Web 애니메이션 망념의 잠드 (하코베, 24화) 극장판 애니메이션 예전부터 계속 좋아했어: 고백실행위원회 극장판 일곱 개의 대죄: 천공의 포로 - 소라다 흐린 하늘에 웃다 외전 벚꽃, 천망의 가교 게임 카오스;헤드 (장군) Starry☆Sky 〜in Summer〜 Portable (코구마 신야) 도쿄 야마노테 보이즈 (모모세 아유무) 비타민 Z 시리즈 (타치바나 야쿠모) 비타민 Z 비타민 Z 레볼루션 오와왕와오테일즈 오브 엑실리아 (쥬드 마티스) 로얄즈 ~사랑스러운 왕자님~ (에리어스 마누구스) 월드 플리퍼 (소시로) 외부 링크 공식 프로필 B・W・B 유우키와 츠바사의 다・마・고(애니메이트 TV 내 카지 유우키・요나가 츠바사의 공식 블로그) TeamKANNA(야나이 히토시・유노 이츠카와 결성) 겐키단(오카바야시 후미히로・니시가키 유카와 결성) 일본의 남자 성우 가나가와현 출신 1984년 출생 살아있는 사람
amphora/parallel-wiki-koen
full
Anne of France (or Anne de Beaujeu; 3 April 146114 November 1522) was a French princess and regent, the eldest daughter of Louis XI by Charlotte of Savoy. Anne was the sister of Charles VIII, for whom she acted as regent during his minority from 1483 until 1491. During the regency she was one of the most powerful women of late fifteenth-century Europe, and was referred to as "Madame la Grande". Between 1503 and 1521, she also acted as de facto regent of the Duchy of Bourbon during the reign of her daughter Suzanne, Duchess of Bourbon. Early life Anne was born at the Chateau of Genappe in Brabant on 3 April 1461, the eldest surviving daughter of King Louis XI of France and Charlotte of Savoy. Her brother, Charles would later succeed their father as Charles VIII of France. Her younger sister Joan became for a brief period, a queen consort of France as the first wife of Louis XII. Marriage Anne was originally betrothed to Nicholas, Duke of Lorraine, and was created Viscountess of Thouars in 1468 in anticipation of the marriage. However, Nicholas broke the engagement to instead pursue Mary of Burgundy, and then died unexpectedly in 1473, prompting Louis to take back the fiefdom. That same year, on 3 November, Anne married Peter of Bourbon instead, and took up rule of the Beaujolais at the same time, when her husband was ceded the title of 'Lord of Beaujeu' by his brother the Duke of Bourbon. Anne was just twelve years old at the time. Regency in France During the minority of Anne's brother, Charles VIII of France, Peter and Anne held the regency of France. This regency lasted from 1483 until 1491. Anne's regency overcame many difficulties, including unrest amongst the magnates who had suffered under Louis XI's oppression. Together Peter and Anne maintained the royal authority and the unity of the kingdom against the Orléans party, which was in open revolt during the "Mad War", which lasted from 1483 until 1488. Concessions, many of which sacrificed Louis's favourites, were made, and land was restored to many of the hostile nobles, including the future Louis XII of France, then Duke of Orléans. Louis tried to obtain the regency, but the Estates General sided with her. As regent of France, Anne was one of the most powerful women in the late fifteenth century, and she was referred to as "Madame la Grande". In addition to having a strong, formidable personality, Anne was extremely intelligent, shrewd and energetic. Her father had termed her "the least foolish woman in France". Anne was dark-haired with a high forehead, a widow's peak, and finely-arched eyebrows. She was further described as having had clear brown eyes, direct in their gaze; a sharp, haughty nose, thin lips, thin hands, and she "stood straight as a lance". Anne was responsible for housing and educating many of the aristocracy's children, including Diane de Poitiers and Louise of Savoy. She is credited with instructing these young people with the new "refined" manners such as not using their fingers to wipe their noses but with a "piece of fabric". Louise of Savoy would act as regent several times when her son Francis was king. By being raised by Anne, she was able to learn about France and its governance from up close. Anne also oversaw the tutelage of Margaret of Austria, who had been intended as a bride for Anne's brother Charles. Margaret would later become Governor of the Habsburg Netherlands. She gave her support to Henry Tudor against his rival, King Richard III of England, when he sought her aid to oust Richard, who was deemed by many to have been a usurper. Anne supplied him with French troops for the 1485 invasion which culminated at the Battle of Bosworth on 22 August, where Henry emerged the victor, ascending the throne as Henry VII. Anne made the final treaty ending the Hundred Years' War, the Treaty of Etaples and, in 1491 (despite Austrian and English opposition), arranged the marriage of her brother Charles to Anne, Duchess of Brittany, in order to annex Brittany to the French crown. When Charles ended the regency in 1491, both Anne and Peter fell victim to the wrath of the new queen, whose duchy's independence had been compromised. Anne secured her husband's inheritance of the Duchy of Bourbon after his brother by having his nephew declared illegitimate. This was in opposition to both her father's and her own previous policy of royal centralism against feudal autonomy. The reason is theorized to have been her own wish to secure a personal domain for herself and her daughter because her brother the king was twenty and she realized he would not accept her guardianship over him much longer. Her position as regent of France was gradually phased out during the events of 1491–92. On 28 June 1491 the Duke of Orleans was welcome back to court and reconciled with the king; on 6 December the king's wedding was conducted; and on 5 July 1492, finally, the king and queen, the duke of Orleans and Anne and her spouse made a mutual oath to always love and protect each other. After the oath, Anne left with her spouse and daughter for the Duchy of Bourbon and thus her regency was ended. Regency in Bourbon Anne and Peter produced only one surviving child, Suzanne, born 10 May 1491. Anne had an earlier pregnancy in 1476, but there were contradictory accounts about this: some said the baby was miscarried or stillborn, but others reported that a living son was born, Charles, styled Count of Clermont in 1488 as was customary for the heir of the Duchy of Bourbon, who died aged 22 in 1498 and was buried in the Abbey of Souvigny, Auvergne. Suzanne succeeded Peter as suo jure Duchess of Bourbon on his death in 1503. Anne, however, had always been the more dominant member in her marriage and remained the administrator of the Bourbon lands after his death, protecting them from royal encroachment. She resided with her own court in Chantelles. In 1505, Anne arranged for Suzanne to marry another Bourbon prince, Charles of Montpensier, who became Charles III, Duke of Bourbon. Her daughter and son-in-law, however, failed to produce surviving offspring, and Suzanne predeceased her mother. When Anne herself died in 1522, her own line and that of her father became extinct. Anne of Laval, a descendant of Anne's aunt Yolande of Valois, was considered to be her heir. Writings Anne wrote an instruction book for her daughter. It is called Lessons for My Daughter. In it, she advises her daughter to surround herself with frugal people and that true nobility comes from being humble, benign and courteous. Absent these, other virtues are worth nothing. In fiction A highly fictitious account of her life and her supposed romance with Louis XII was written in 1947 by Muriel Roy Bolton called The Golden Porcupine. As it is a historical romance, the novel cannot be regarded as a biography. Anne also appears as a minor character in Michael Ennis' novel The Duchess of Milan. She plays a prominent role in a film, Louis XI, le pouvoir fracassé, about the last days of Louis XI. She makes a fleeting appearance in Victor Hugo's Notre Dame de Paris: we are told that in December 1481, the Archdeacon of Josas, Claude Frollo, unsuccessfully attempts to block her visit to the cathedral cloister because she is a woman, then refuses to attend on her visit. The implication is that, since he is lusting after Esméralda, he fears losing control in the presence of another young woman is attracted to. In 2020, Rhiannon Drake portrayed Anne on the cast recording of A Mother's War, a musical based on the Wars of the Roses. Ancestry Notes References 1461 births 1522 deaths House of Valois House of Bourbon (France) Regents of France 15th-century French people 16th-century French people 15th-century women rulers 15th-century French women writers 15th-century French writers 16th-century French women writers 16th-century French writers French princesses French people of Cypriot descent Duchesses of Bourbon People of Byzantine descent Burials at Souvigny Priory 16th-century women rulers Daughters of kings 15th-century regents Female regents
안 드 프랑스(, 1461년 4월 3일 - 1522년 11월 14일) 또는 안 드 보주(Anne de Beaujeu)는 루이 11세와 카를로타 디 사보이아의 장녀이며 샤를 8세의 누이로서 어린나이에 즉위한 샤를 8세의 섭정으로 프랑스를 통치하였다. 섭정 기간 그녀는 15세기 유럽에서 가장 영향력있는 여성 중 한 명이였고, "대부인"(Madame la Grande)이라고 여겨졌다. 출생과 혼인 안은 1461년 4월 3일 브라반트의 즈나프 성에서 루이 11세와 카를로타 디 사보이아의 장녀로 태어났다. 그의 남동생은 1483년에 샤를 8세로서 프랑스의 왕위를 계승했다. 여동생인 잔은 훗날 루이 12세의 배우자로서 프랑스의 왕비가 되었 다. 안은 원래 로렌의 공작인 니콜라와 약혼을 했었고 이 결혼을 예상하여 1468년에 투아르 여자작이 됐었다. 하지만 니콜라가 부귀공 마리를 원하면서 약혼은 파기되었으며, 1473년에 그가 갑작스럽게 사망하면서, 투아르 영지를 회수하였다. 같은 해 11월 3일, 안은 대신에 부르봉 공작을 형제로 두어 '보주의 영주'라는 작위를 받아 보졸레를 통치하던 피에르 부르봉과 혼인하였다. 그 당시 그녀의 나이는 12세였다. 섭정 통치 안의 동생인 샤를 8세의 미성년자 시절 동안에 남편 피에르와 안은 프랑스의 섭정으로 군림했었다. 이 섭정 통치는 1483년부터 1491년까지 유지됐으며, 피에르와 안은 프랑스 왕실의 권위와 1480년대에 "광기 전쟁" 동안 반란을 일으켰던 오를레앙 가 세력에 맞서 프랑스 왕국의 단합을 유지하였다. 섭정 기간 그녀는 15세기 유럽에서 가장 영향력있는 여성 중 한 명이였고, "대부인"(Madame la Grande)이라고 여겨졌다. 안의 섭정 통치는 루이 11세의 압박에서 고통받았던 거물 인사들의 불안감을 포함한 많은 어려움들을 겪었다. 루이의 인기를 희생하여 많은 양보를 이뤄냈고 영지들은 오를레앙 공작이던 장차 루이 12세를 포함한 적대적인 귀족들에게 회복되었다. 루이는 섭정권을 차지하려 했으나, 삼부회는 안의 편을 들어주었다. 그녀는 그의 정적이던 잉글랜드의 군주 리처드 3세의 경쟁자였던 헨리 튜더를 지원했다. 헨리는 많은 이들이 왕위 찬탈자로 여겼던 리처드를 몰아내기 위해 그녀의 도움을 찾았었다. 안은 1485년 프랑스군을 보내주었고, 8월 22일 보스워스 전투에서 결판이 났으며, 헨리는 헨리 7세로서 왕위를 계승하며 승자로 등극했다. 안은 에타플 조약으로 백년 전쟁을 종결시켰다. 1491년에 오스트리아와 잉글랜드의 반대에도 불구하고 브르타뉴를 프랑스에 귀속시키기 위해 브르타뉴 여공작 안 드 브르타뉴를 그녀의 남동생 샤를 8세와의 결혼을 추진하여 성사시켰다. 1491년에 섭정 기간이 끝나자, 피에르와 그녀는 브르타뉴 공국의 독립성을 위태롭게 하여 진노한 새로운 왕비의 피해자가 되었다. 퇴임후의 삶 안과 피에르는 1491년 5월 10일에 태어난 딸 쉬잔만이 유일하게 살아남은 아이였다. 안은 1476년 일찍 임신을 했지만 이는 설명과는 모순이 된다:일부에서는 유산이나 사산되었다고 말하며, 다른이들은 샤를이라는 생존한 아들이 있으며, 1488년에는 부르봉 공작의 후계자에게 주어지는 클레르몽 백작 작위를 부여받았지만 1498년에 22세의 나이에 사망했고 수비니(Souvigny) 수도원에 묻혔다고 기록하였다. 쉬잔은 1503년에 피에르의 사망으로 부르봉 여공작으로서 아버지의 자리를 이어받았다. 그러나 안은 결혼 생활에서 항상 지배적인 역할을 해왔고 피에르의 사망 후 왕가의 침략으로부터 보호하기 위해 부르봉 영지의 관리자로 남아있었다. 강하고 뛰어난 성격을 지녔던데다가 안은 극도로 영민하고, 상황 판단이 빠르며 활기찬 여성이였다. 그녀의 아버지는 그녀를 칭하길 "프랑스에서 가장 덜 어리석은 여인"이라고 하였다. 그녀는 위도우스 피크를 가진 넓은 이마의 어두운 머리 색상이였으며, 활같이 아름다운 눈썹을 가졌다. 그녀는 맑은 갈색 눈, 날렵한 코와 얇은 입술, 작은 손, "랜스처럼 바로 서 있는 모습"으로 묘사되었다. 안은 디안 드 푸아티에, 루이사 디 사보이아등이 포함된 많은 귀족 자제들의 양육과 교육을 책임졌었다. 그녀는 이 젊은이들에게 코를 닦기 위해 손가락을 사용하지 않고 "천 조각"과 같은 새로운 "세련된"매너를 가르친 것으로 알려져 있다. 루이사 디 사보이아는 아들 프랑수아 1세가 왕이 되었을 때 여러 차례 섭정으로 활동했었다. 안에게서 자란 그녀는 가까이서 프랑스와 통치 방식에 대해서 배울 수 있었다. 안은 1482년 체결한 아라스 조약에 의해 남동생 샤를 8새의 약혼녀가 된 어린 마르게리타의 교육을 맡기도 했었다. 그러나 샤를 8세와 파혼한 마르게리타는 귀국하였고 합스부르크령 네덜란드의 총독이 되었다. 쉬잔은 샤를 3세 드 부르봉가 되는 샤를 드 몽팡시에와 혼인했다. 하지만 이 부부는 자식을 가지는데 실패했고, 쉬잔은 어머니보다 일찍 사망하고 말았다. 안은 자신의 가계와 아버지의 가계가 단절된체 1522년에 사망하였다. 안의 이모의 후손인 안 드 라발(Anne de Laval)이 그녀의 후계자로서 고려됐었다. 저작품 안은 딸을 위한 취급 설명서를 썼다. 이는 "딸을 위한 교육들"(Enseignements à ma fille)이라고 불린다. 책에서 그녀는 딸에게 소박한 사람들을 자신의 주변에 두고 진정한 고귀함은 겸손함, 상냥함, 공손함에서 온다고 조언하였다. 이것들이 없다면, 다른 미덕은 아무 가치가 없다고 하였다. 가공에서 그녀의 삶과 루이 12세와의 로맨스에 대한 가상의 이야기는 1947년 뮤리얼 로이 볼튼(Muriel Roy Bolton)이 《The Golden Porcupine》이라고 썼다. 이는 역사 소설로서 전기로서 여기면 안 된다. 안은 또한 마이클 엔니스(Michael Ennis)의 소설 《밀라노 공작부인》(The Duchess of Milan)에서 잠깐 등장했었다. 루이 11세의 말년을 담은 프랑스 영화 《Louis XI, le pouvoir fracassé》에서 주연으로 등장했다. 그녀는 빅토르 위고의 《파리의 노트르담》에서 잠깐 등장했다. 참고 문헌 Her Royal Highness Princess Michael of Kent, "The Serpent and the Moon", New York, 2004, Touchstone, Francis Hackett, "Francis The First", Doubleday, Doran and Company, Inc., Garden City, New York, 1937 각주 1461년 출생 1522년 사망 발루아가 프랑스 부르봉가 프랑스의 섭정 15세기 프랑스 사람 16세기 프랑스 사람 15세기 여성 작가 16세기 여성 작가 프랑스의 왕녀 키프로스계 프랑스인 부르봉 공작부인 16세기 여성 통치자 15세기 여자 통치자 16세기 여자 통치자
amphora/parallel-wiki-koen
full
The Estonian Apostolic Orthodox Church (; EOC) is an Orthodox church in Estonia under the direct jurisdiction of the Ecumenical Patriarch of Constantinople. Under Estonian law it is the legal successor to the pre–World War II Estonian Orthodox Church, which in 1940 had over 210,000 faithful, three bishops, 156 parishes, 131 priests, 19 deacons, two monasteries, and a theological seminary; the majority of the faithful were ethnic Estonians. Its official name is the Orthodox Church of Estonia. The current primate of the church is Stephanos, Metropolitan of Tallinn and all Estonia, elected in 1999. History Little is known about the history of the church in the area until the 17th and 18th centuries, when many Old Believers fled there from Russia to avoid the liturgical reforms introduced by Patriarch Nikon of Moscow.In the 18th and 19th centuries, Estonia was a part of the Russian Empire. In the 1850s a rumour spread that the Orthodox Church promised to provide everybody who converted to Orthodoxy a piece of land of their own somewhere in Russia. Some 65,000 Estonian peasants were converted to the Orthodox faith in the hope of obtaining land, and numerous Orthodox churches were built. Later, when the rumour turned out to be a hoax, a great part of the new Orthodox peasants returned to the Lutheran Church. In the late 19th century, a wave of Russification was introduced, supported by the Russian hierarchy but not by the local Estonian clergy. The Cathedral of St. Alexander Nevsky in Tallinn and the Pühtitsa (Pukhtitsa) convent in Kuremäe in East Estonia were also built around this time. Autonomy under the Moscow Patriarchate After the Republic of Estonia was proclaimed in 1918, the Patriarch of the Russian Orthodox Church, St. Tikhon, in 1920 recognised the Estonian Apostolic Orthodox Church (EAOC) as being autonomous (Resolution No. 1780), postponing the discussion of its autocephaly. Archbishop Aleksander Paulus was elected and ordained , head of the EAOC. Prior to this, Soviet Russia had adopted a Marxist–Leninist ideology which held as an ideological goal the elimination of religion and its replacement with state atheism. In response, Patriarch Tikhon had excommunicated the Soviet leadership in 1918, leading to a period of intense persecution of the Russian Orthodox Church. In April 1922, Tikhon was imprisoned, and the Estonian clergy lost contact with the Moscow Patriarchate. Transfer to the Ecumenical Patriarchate In September 1922 the Council of the Estonian Apostolic Orthodox Church petitioned the Patriarch of Constantinople, Meletius IV, to (1) transfer control of the Estonian church from the Russian Orthodox Church to the Patriarchate of Constantinople, and (2) clarify the Estonian church's canonical status. In 1923 the Patriarchate of Constantinople issued a tomos (ecclesiastical edict) which brought the EAOC under Constantinople's jurisdiction and granted it autonomy, but not full autocephaly. Before 1941, one-fifth of the total Estonian population (who had been mostly Lutheran since the Reformation in the early 16th century when the country was controlled by the Teutonic Order) were Orthodox Christians under the Patriarchate of Constantinople. There were 158 parishes in Estonia and 183 clerics in the Estonian church. There was also a Chair of Orthodoxy in the Faculty of Theology at the University of Tartu. There was a Pskovo-Pechorsky Monastery in Petseri, two convents in Narva and Kuremäe, a priory in Tallinn and a seminary in Petseri. The ancient monastery in Petseri was preserved from the mass church destructions that occurred in Soviet Russia. World War II In 1940, Estonia was occupied by the Soviet Union, whose government undertook a general programme of the dissolution of all ecclesiastical independence within its territory. From 1942 to 1944, however, autonomy under Constantinople was temporarily revived. In 1945, a representative of the Moscow Patriarchate dismissed the members of the OCE synod who had remained in Estonia and established a new organisation, the Diocesan Council. Orthodox believers in occupied Estonia were thus subordinated to being a diocese within the Russian Orthodox Church. Just before the second Soviet occupation in 1944 and the dissolution of the Estonian synod, the primate of the church, Metropolitan Aleksander, went into exile along with 21 clergymen and about 8,000 Orthodox believers. The Orthodox Church of Estonia in Exile with its synod in Sweden continued its activity according to the canonical statutes, until the restoration of Estonian independence in 1991. Before he died in 1953, Metr. Aleksander established his community as an exarchate under Constantinople. Most of the other bishops and clergy who remained behind were deported to Siberia. In 1958, a new synod was established in exile, and the church was organized from Sweden. Inactive In 1978, at the urging of the Moscow Patriarchate, the Ecumenical Patriarch declared the charter (tomos) of the Church as granted in 1923, inoperative. The church ceased to exist until the breakup of the Soviet Union, when divisions within the Orthodox community in Estonia arose between those who claimed that the Moscow Patriarchate has no jurisdiction in Estonia and those who wished to return to the jurisdiction of Moscow. The dispute often took place along ethnic lines, as many Russians had immigrated to Estonia during the Soviet occupation. Lengthy negotiations between the two patriarchates failed to produce any agreement. Reactivation In 1993, the synod of the Orthodox Church of Estonia in Exile was re-registered as the legal successor of the autonomous Orthodox Church of Estonia, and on February 20, 1996, the Ecumenical Patriarch Bartholomew I formally reactivated the tomos granted to the OCE in 1923, restoring its canonical subordination to the Ecumenical Patriarchate. This action brought immediate protest from the Estonian-born Patriarch Alexei II of the Moscow Patriarchate, which regarded the Estonian church as being part of its territory. The Patriarch of Moscow temporarily removed the name of the Ecumenical Patriarch from the diptychs. In this difficult situation, the Orthodox Church of Estonia received help and support from the Finnish Orthodox Church, especially from Archbishop Johannes (Rinne) of the Archdiocese of Karelia and All Finland and Auxiliary Bishop Ambrosius (Risto Jääskeläinen) of Joensuu. The Ecumenical Patriarchate decided that Archbishop Johannes, Bishop Ambrosius and pastor Heikki Huttunen from Espoo should be available to give help in the reconstruction of the newly restored church. Archbishop Johannes would temporarily act as a deputy metropolitan (1996–1999) of the Estonian Autonomous Church. An agreement was reached in which local congregations could choose which jurisdiction to follow. The Orthodox community in Estonia, which accounts for 16.15% of the total population, remains divided, with the majority of faithful (mostly ethnic Russians) remaining under Moscow. From a U.S. Department of State report released in November 2003, about 20,000 believers (mostly ethnic Estonians) in 60 parishes are part of the autonomous church, with 150,000 faithful in 31 parishes, along with the monastic community of Pühtitsa, paying allegiance to Moscow. In 1999, the church received a resident hierarch, Metropolitan Stephanos (Charalambides) of Tallinn, formerly an auxiliary bishop under the Ecumenical Patriarchate's Metropolitan of France. See also Religion in Estonia Catholic Church in Estonia Eastern Orthodoxy in Estonia References Sources Blackwell Dictionary of Eastern Christianity, pp. 183–4 The Estonian Apostolic Orthodox Church by Ronald Roberson, a Roman Catholic priest and scholar. External links Former official website of the Estonian Apostolic Orthodox Church Current official website of the Estonian Apostolic Orthodox Church Estonian Orthodox Church of Moscow Patriarchate The History Files Churches of Estonia Eastern Orthodoxy in Estonia Christian organizations established in 1917 Eastern Orthodox organizations established in the 20th century Eastern Orthodox Church bodies in Europe Dioceses established in the 20th century Ecumenical Patriarchate of Constantinople 1917 establishments in Estonia
에스토니아 사도 정교회()는 콘스탄티노폴리스 세계총대주교청으로부터 자치권을 부여받은 자치 교회이다. 에스토니아 법에 따라 제2차 세계대전 이전 에스토니아 정교회의 합법적인 계승자로 인정받고 있다. 역사 10세기부터 12세기 동안 노브고로드와 프스코프의 정교회 선교사들이 프스코프에서 가까운 동남부 지역에 거주하는 에스토니아인들을 대상으로 활동하였다. 그러나 13세기에 들어서면서 에스토니아는 북방 십자군에 의해 정복되어 서방 교회의 영향 아래 놓이게 되었다. 17~18세기에는 모스크바 총대주교 니콘이 도입한 전례 개혁을 거부한 많은 옛 전례주의자들이 러시아를 떠나 에스토니아에 왔다는 것 외에는 교회 역사가 거의 알려져 있지 않다. 18~19세기에 에스토니아는 러시아 제국의 일부였다. 1850년대에는 정교회로 개종하는 모든 사람에게 러시아의 토지를 제공한다는 소문이 돌아 약 65,000명의 에스토니아 농민들이 땅을 얻기 위해 정교회 신앙으로 개종하고 수많은 정교회 성당이 세워졌다. 나중에 이 소문이 사실이 아니라는 것이 알게 되자 정교회로 개종한 농민들 가운데 많은 이가 다시 루터교로 돌아갔다. 19세기 말엽 러시아 정교회의 지원 아래 러시아화가 유행하였다. 탈린의 성 알렉산드르 넵스키 대성당과 에스토니아 동부 쿠레매에에 있는 퓌흐티차 수도원도 이 시기에 세워졌다. 1918년 에스토니아 공화국이 선포된 후, 러시아 정교회 총대주교 티콘이 그동안 결정을 미뤄왔던 에스토니아 정교회(EAOC)의 자치를 1920년에 승인하였다. 그리하여 탈린과 전 에스토니아의 수도 대주교 알렉산데르 파울루스가 에스토니아 정교회의 수장으로 선출되어 관구 대주교로 서임되었다. 이에 앞서 러시아 제국이 무너진 후 들어선 소련이 종교 철폐와 국가 무신론으로의 대체를 주창한 마르크스 레닌주의 사상을 도입했다. 이에 대한 대응으로 모스크바 총대주교 티콘은 1918년 소련 지도부를 파문했고, 이후 러시아 정교회는 혹독한 박해를 받게 되었다. 1922년 4월 티콘 총대주교가 체포되어 투옥되었으며, 에스토니아 성직자들은 모스크바 총대주교청과의 연락이 끊어졌다. 1922년 9월 에스토니아 사도 정교회 회의는 콘스탄티노폴리스 총대주교 멜레티오스 4세에게 에스토니아 정교회의 관할권을 러시아 정교회에서 콘스탄티노폴리스 총대주교청으로 이관할 것과 에스토니아 정교회의 교회법적 위치를 분명히 해줄 것 등을 탄원하였다. 1923년 콘스탄티노폴리스 총대주교청은 에스토니아 사도 정교회를 콘스탄티노폴리스의 재치권 아래 두고 자치 교회의 지위를 부여하되, 완전한 자치권은 행사하지 못한다는 포고령을 내렸다. 1941년 이전까지 에스토니아 인구의 5분의 1은 콘스탄티노폴리스 총대주교청의 재치권을 따르는 정교회 신자들이었다(나머지는 나라가 튜턴 기사단의 지배를 받고 있었기에 16세기 초 종교개혁 이후 루터교 신자가 되었다.). 당시 에스토니아 정교회에는 158개의 본당과 183명의 성직자가 있었다. 또한 타르투 대학교 신학부에는 정교회 의장이 있었다. 제2차 세계대전 1940년 에스토니아가 소련에게 점령당하면서, 소련 정부는 에스토니아 정교회의 독립을 무산시키기 위한 계획에 착수했다. 그러나 1942년부터 1944년까지 콘스탄티노폴리스 아래 자치권이 일시적으로 복권했다. 1945년 모스크바 총대주교청은 에스토니아에 남아있던 OCE 총회 일원들을 해산시키고 새로운 조직인 교구회의를 설립했다. 이에 따라 소련에 점령된 에스토니아 정교회는 러시아 정교회에 속한 교구가 되었다. 그렇지만 1944년 소련의 2차 점령과 에스토니아 시노드 해산이 있기에 앞서, 교회의 수장이었던 알렉산데르 수도 대주교가 21명의 사제 및 8천 명의 신자와 함께 망명길에 올랐다. 스웨덴에 망명한 에스토니아 정교회는 1991년 에스토니아의 독립이 회복될 때까지 교회법적 위치를 보장받고 활동을 이어나갔다. 알렉산데르 수도 대주교는 1953년 안식하기 전에 자신의 공동체를 콘스탄티노폴리스 산하 관리구로 세웠다. 그 밖의 다른 주교들과 성직자들은 대부분 시베리아로 추방되었다. 1958년 망명 교회는 스웨덴에서 새 시노드를 세우고 다시 교회 조직을 설립하였다. 공백기 1978년 모스크바 총대주교청의 독촉으로 콘스탄티노폴리스 총대주교청은 1923년 에스토니아 정교회의 권리를 명시한 헌장이 무효라고 선언했다. 에스토니아 정교회 공동체 내부에 모스크바의 재치권을 다시 따라야 한다고 주장하는 측과 모스크바는 더 이상 에스토니아에 대한 재치권을 행사할 수 없다는 측 사이에 분열이 일어나 소련이 해체하기 전까지 에스토니아 정교회는 공백기를 가지게 되었다. 소련 점령기간 동안 많은 러시아인이 에스토니아로 이주했는데, 이 때문에 종종 두 민족 간에 분쟁이 일어나기도 했다. 콘스탄티노폴리스와 모스크바 두 총대주교청 간에는 오랜 협상이 있었지만 합의를 도출해내지 못했다. 재도약 1993년 망명 에스토니아 정교회 시노드는 에스토니아 자치 정교회의 합법적 계승자로써 재등록되었으며, 1996년 2월 20일 콘스탄티노폴리스 총대주교 바르톨로메오스 1세는 공식적으로 1923년 당시 OCE에 부여했던 자치권의 회복과 더불어 에스토니아 정교회가 콘스탄티노폴리스 총대주교청에 예속된다고 선언했다. 이에 에스토니아에서 태어났으며, 에스토니아를 러시아 정교회 관할로 여긴 모스크바 총대주교 알렉세이 2세가 즉각 반발하고 나섰다. 모스크바 총대주교는 일시적으로 콘스탄티노폴리스 총대주교의 이름을 딥티크에서 지워 버렸다. 이 같은 어려운 상황 속에서 에스토니아 사도 정교회는 핀란드 정교회, 특히 카렐리야와 전 핀란드의 관구 대주교 요한 린네와 보좌 주교 암브로시오스로부터 많은 도움과 지원을 받았다. 콘스탄티노폴리스 총대주교청은 핀란드 정교회가 에스토니아에 새로 복원된 정교회가 재건될 수 있도록 원조하라는 결정을 내렸다. 요한 관구 대주교는 임시로 에스토니아 사도 정교회의 수도 대주교 대행(1996-1999)으로 활동하였다. 콘스탄티노폴리스와 모스크바 사이에 에스토니아 정교회 신자들이 자신들이 어느 교회에 소속될 것인지 선택할 수 있도록 하는데 합의가 이루어졌다. 신자들의 대부분(주로 러시아계)이 모스크바를 따르기로 하면서, 에스토니아 전체 인구의 30퍼센트로 추산되는 정교회 공동체가 분할되어 오늘날에 이르고 있다. 2003년 11월에 발표된 미국 국무부 보고서에 따르면, 에스토니아 사도 정교회에는 본당 60개와 신자 2만 명이 있으며, 모스크바를 따르는 쪽은 본당 30개와 신자 15만 명의 신자가 있다고 한다. 각주 같이 보기 콘스탄티노폴리스 세계총대주교청 외부 링크 에스토니아 정교회 공식 웹사이트 에스토니아의 동방 정교회 콘스탄티노폴리스 총대주교청 교구 1917년 설립된 종교 단체
amphora/parallel-wiki-koen
full
Opération Chammal is a French military operation in Iraq and Syria launched to help curtail the expansion of the Islamic State of Iraq and the Levant and to support the Iraqi Army. Its name comes from the Shamal (Chammal in French), a northwesterly wind that blows over Iraq and the Persian Gulf states. Airstrikes over Iraq started 19 September 2014 and airstrikes over Syria started by the end of September 2015. The French operation was at first limited to airstrikes and French president François Hollande had stated that no ground troops would be deployed in the conflict. Additionally, the French frigate joined the United States Navy's Commander Task Force 50 (CTF 50) as an escort. On 14 November 2015, ISIS claimed that the terrorist attacks that took place in Paris the previous day were retaliation for Opération Chammal. In response, France decided to expand the scope of its operations against the Islamist group and more assets were deployed. Background On 10 June 2014, the terrorist group of the Islamic State of Iraq and the Levant and several other Sunni insurgents took control of the second-most populous city of Iraq, Mosul. After fighting the Iraqi Army, ISIL seized cities and committed massacres and other atrocities. ISIL committed mass murder and other atrocities against the Assyrians, as well as the Yazidis. ISIL also carried out the Camp Speicher massacre in June 2014, killing thousands of people. Until August, ISIL had controlled almost one-third of Iraq. On 7 August 2014, U.S. President Barack Obama authorized airstrikes in Iraq. The next day, the U.S. Air Force launched airstrikes targeting the ISIS fighters, with humanitarian aid support from the United Kingdom and France. On 10 September 2014, Obama outlined plans to expand U.S. operations to Syria. French authorities' statements leading up to France attacking ISIL In September 2014, the French president and his ministers alluded to possible French military action against ISIL: The French government considered that international legitimacy was provided by 15 August 2014 resolution 2170 from the United Nations Security Council. Air strikes on Iraq On 18 September 2014, the United States Secretary of State, John Kerry, announced in front of the United States House Committee on Foreign Affairs in the United States House of Representatives that President François Hollande had announced that he authorized airstrikes in Iraq, in response to a request by the Iraqi government. On 19 September, the French Air Force carried out their first airstrike using two Rafale jets armed with GBU-12 Paveway II bombs, beginning the French intervention. It conducted the airstrikes on an ISIS depot in Mosul, dropping 4 GBU-12 bombs. Hollande's office said that the ISIS depot that was targeted was hit and completely destroyed. The airstrikes killed 75 fighters from the Islamic State. A spokesman of the Iraqi military, Qassim al-Moussawi, stated that four French airstrikes had hit the town of Zumar, killing dozens of militants. On 21 September, two Rafale jets provided air support for the Iraqi Army near Baghdad in a reconnaissance mission. A day after, France conducted another reconnaissance mission over Mosul with two Rafale jets. Another reconnaissance mission conducted on 23 September. On 24 September, two reconnaissance and dynamic targeting missions were conducted in Mosul and Baghdad, supporting the Iraqi forces. On 25 September, while in a reconnaissance mission, two Rafale jets conducted France's second airstrike after the jets received information about targets near them by the Coordination air operation center, a day after the beheading of the French hostage, Hervé Gourdel, by the Jund al-Khilafah terrorist group in Algeria. Stéphane Le Foll said "This morning [France] carried out airstrikes on the territory of Iraq." The jets destroyed 4 warehouses of ISIL near Fallujah. French/American jets conducted airstrikes at night in Kirkuk, killing 15 ISIL fighters and injuring 30. Two reconnaissance missions were conducted by two Rafale jets and an Atlantique 2 over Nineveh Governorate on 26 September. In November 2014, the strike force was augmented with 6 Dassault Mirage 2000Ds based in Jordan. Between 18 December 2014 and 7 January 2015, French aircraft performed 45 missions in total. Rafales and Mirages performed 30 of those missions neutralising ten targets. On 14 January 2015, François Hollande declared that the aircraft carrier would deploy to the Persian Gulf with its strike group and that it was capable of supporting airstrikes against ISIL. The ship was deployed in November and France launched its first airstrikes from the carrier on 23 November. Air strikes on Syria and Iraq From the end of September 2015, France began airstrikes on ISIL in Syria as well, on a small scale to avoid inadvertently strengthening the hand of president Bashar Assad by hitting his enemies. French aircraft hit targets in Syria in early October 2015. In November, French Prime Minister Manuel Valls told reporters in Amman, "Terrorist attacks have taken place (in France) ... In the name of self-defence it is obligatory to strike Daesh and we will continue," and "Whether there are French (citizens) among them, it's possible, but we have a responsibility to hit Daesh. Terrorists do not have passports." On 14 November 2015, ISIL claimed that the 13 November 2015 Paris terrorist attacks were retaliation for Opération Chammal. In response, the French forces increased their attacks. On 15 November 2015, the French Air Force launched its largest airstrike of the bombing campaign sending 12 planes, including 10 fighters, that dropped 20 bombs in training camps and ammunition facilities in Raqqa, Syria, the de facto capital of ISIL. The UK offered support with air-to-air refuelling and use of its Cyprus air base at RAF Akrotiri. Germany also intervened in response to the Paris attacks and assisted France by sending a frigate and Panavia Tornado reconnaissance aircraft to Turkey. On 17 January 2019, French President Emmanuel Macron said that the Trump administration's planned withdrawal "should not deflect us from our strategic objective to eradicate Daesh" and vowed to keep French soldiers in Syria throughout 2019. Battle of Mosul (2016) France is part of the 60-nation strong international coalition supporting Iraqi and Kurdish forces to reclaim the city of Mosul, which fell to ISIL in 2014. The French army deployed four CAESAR howitzers and 150 to 200 soldiers at Qayyarah Airfield West, with 600 more French troops announced at the end of September. An additional 150 French soldiers were in Erbil, east of Mosul, training Peshmerga. At the end of September 2016, the Charles de Gaulle was deployed from Toulon to the Syrian coast to support the operation against ISIL through airstrikes and reconnaissance missions. France has 36 Rafale M jets in the mission, with 24 based on the Charles de Gaulle and 12 operating out of French Air Force bases in Jordan and the United Arab Emirates. Operations in Libya During February 2016, it was widely reported that French Special Forces were operating in Libya, alongside similar teams from the United Kingdom and the United States. Military bases In 2018, the Lafarge cement plant located south of Kobanî, Syria was being used as a base of operations by 1st Marine Infantry Parachute Regiment and United States Army forces. During the operation, there were at least three bases near Kobanî, Sarrin and Ayn Issa. Moreover, French and American soldiers were reportedly spotted patrolling downtown Manbij, Syria. Casualties On 23 September 2017, an operator from the 13th Parachute Dragoon Regiment, Adjudant-chef Stéphane Grenier, became France's first soldier to be killed in combat during Operation Chammal. And on 21 March 2018, a legionnaire from the 2nd Foreign Infantry Regiment, Caporal Bogusz Pochylski, became the second soldier to lose his life. Assets Navy Task Force 50 centered around the aircraft carrier with 18 Dassault Rafale fighters, 8 Dassault-Breguet Super Étendard strike aircraft and 2 Northrop Grumman E-2C Hawkeye AEW&C aircraft Marne Between February and 17 April 2015. From 23 November 2015 to the present day. Between 20 October 2014 and 30 January 2015. 26 November 2015 – present. Air Force BA104 Al Dhafra, United Arab Emirates 6 Dassault Rafale fighters 1 Dassault Atlantique 2 maritime patrol aircraft 1 Boeing C-135FR Stratotanker aerial refueling tanker Azraq Air Base – Jordan 3 Dassault Mirage 2000D fighters 3 Dassault Mirage 2000N fighters 1 Boeing E-3F Sentry AEW&C aircraft See also American-led intervention in Iraq American-led intervention in Syria Battle of Sinjar Battle for Mosul Dam Persecution of Yazidis by the Islamic State International military intervention against ISIL Operation Okra – Australian operation against ISIL Operation Impact – Canadian operation against ISIL Operation Shader – UK operation against ISIL Operation Inherent Resolve – US operation against ISIL References 2014 in France 2015 in France 2016 in France 2017 in France 2018 in France 2019 in France 2020 in France 2021 in France 2022 in France Military operations involving France Military operations of the War in Iraq (2013–2017) involving the Islamic State of Iraq and the Levant Military operations of the Syrian civil war involving the Islamic State of Iraq and the Levant Islamic State of Iraq and the Levant and France French involvement in the Syrian civil war French involvement in the War in Iraq (2013–2017) November 2015 Paris attacks François Hollande Emmanuel Macron
샤말 작전은 2014년 9월부터 프랑스군이 시리아와 이라크에서 ISIL의 확장을 차단하고 이라크군을 지원하기 위해 시행한 작전이다. 작전명은 페르시아만 국가와 이라크에 불어오는 북서풍인 샤말에서 유래했다. 이라크에서의 공습은 2014년 9월 19일부터 시작되었고, 시리아에서는 2015년 9월 말부터 시작되었다. 프랑스 대통령 프랑수아 올랑드가 이 작전에서 육상 병력은 사용하지 않겠다고 강조했기 때문에 프랑스 군의 작전은 공습으로 제한되어 있다. 추가적으로 프랑스 순양함 2척이 미국 해군 제50임무부대에 참가하여 지원 임무를 수행하고 있다. 2015년 11월 14일 ISIL은 파리 테러를 샤말 작전의 복수라고 주장했다. 이에 대한 응징으로 프랑스는 러시아와 함께 ISIL의 실질적 수도인 시리아 락까에 공습을 가했다. 배경 2014년 6월 10일, 테러 집단인 ISIL과 다른 수니파 반란군이 이라크의 두번째로 큰 도시인 모술을 점령했다. 이라크군과의 전투 후 ISIL은 도시들을 포위한 이후 학살을 비롯한 여러 전쟁범죄를 저질렀으며 2014년 6월 동안 ISIL은 야지디인과 아시리아인들을 학살했다. ISIL은 스피처 캠프 학살을 자행해 수천 명의 사람들을 살해했다. 8월 달까지 ISIL은 이라크의 3분의 1을 차지했다. 8월 말 미국 대통령 버락 오바마는 이라크에서의 공습을 허가했다. 다음 날 미국 공군은 ISIL 병사들을 목표로 공습을 감행했고, 영국과 프랑스는 인도적인 지원을 담당했다. 2014년 9월 10알 오바마는 미국의 작전을 시리아로 넓히는 계획을 수립했다. 이라크 파병 2014년 9월 18일 미국 국무부 장관 존 케리는 미국 하원의 미국 본토 외교 위원회 (USHCFA) 앞에서 대통령 프랑수아 올랑드가 이라크 정부의 요청에 따라 이라크에서의 공습을 허가했다고 발표했다. 9월 19일 프랑스 공군이 2대의 GBU-12 페이브웨이 II로 무장한 다소 라팔을 이용해 첫 공습을 시작했고 프랑스의 개입이 시작되었다. 프랑스 군은 GBU-12 4개를 모술에 있는 ISIL 무기고에 투하하며 공습을 이어갔다. 올랑드의 보좌관은 ISIL의 목표로 한 무기고가 맞은 후 완전히 폭발했다고 말했다. 이 공습은 The airstrikes killed 75 fighters from the Islamic State. 이라크 군 발표인, 카짐 알무사위는 4번의 프랑스 공습이 이라크의 주마르를 타격하여 수많은 무장단원들을 죽였다고 말했다. 9월 21일 두 대의 라팔 전투기가 바그다드 인근의 수색 작전에서 이라크 육군에 공중 지원을 해주었다. 9월 22일, 프랑스는 2대의 라팔 전투기로 모술 상공에서 수색 임무를 수행했다. 다른 수색 임무는 9월 23일에 수행되었다. 9월 24일, 2번의 수색 임무 및 동적 대상 탐색 임무가 바그다드와 모술에서 수행되었으며 이라크가 이를 지원해주었다. 9월 25일 수색 작전 중 2대의 라팔 전투기가 그들 인근의 목표에 대한 정보를 합동 공중작전 본부에서 받은 후 2번째 공습을 감행했다. 이는 프랑스 인질이 준드 알 칼리파라는 테러 집단이 알제리에서 그들을 사살한 지 하루가 지난 때였다. 스테판 레 폴은 "오늘 아침 프랑스가 이라크 영토에 공습을 했습니다."라고 말했다. 전투기는 팔루자 근처의 ISIL 종합보관소 4개를 파괴했다. 프랑스와 미군은 같은 날 밤 키르쿠크에 공습을 가해 15명의 ISIL 병사들을 죽이고 30명을 다치게 했다. 2번의 수색 임무에서 아탈란틱 2와 라팔 제트기 2대가 니나와 주 상공을 9월 26일 비행했다. 2014년 11월 요르단에 기지를 둔 6대의 다소 미라주 2000이 공습 부대와 함께 출정했다. 2014년 12월 18일부터 2015년 1월 7일까지 프랑스 공군은 전체 45회의 출격 임무를 수행했다. 라팔과 미라주가 30개의 임무를 수행하며 목표를 무장해제시켰다. 2015년 1월 14일, 프랑수아 올랑드는 샤를 드 골 함을 공격부대와 함께 페르시아만에 배치하여 ISIL에 대한 공습을 지원할 수 있게 하겠다고 선언했다. 선박은 11월에 출항하였고, 2014년 11월 23일 프랑스는 항모로부터 첫 공습을 감행했다. 공습의 확산 2015년 9월 말, 프랑스는 시리아 대통령 바샤르 알아사드의 손으로 그의 적들에 대한 공격의 강화를 막기 위해 시리아에서 소규모의 공습을 시작했다. 프랑스 항공기들은 2015년 10월 초 시리아에 있는 목표들을 타격했다. 시리아 총리 볼스는 요르단의 암만에서 기자들에게 "프랑스에서 테러리스트들의 공격이 있었습니다. 자위의 이름으로 다에시를 공격하는 것은 필수적이며 우리는 이것을 계속할 것입니다."라고 말했다. 그는 덧붙여, "다에시 내에 프랑스 국민들이 있던 없던, 그리고 그것은 가능할 수 있지만 우리는 다에시를 강타해야 할 책임이 있습니다. 테러리스트들은 여권을 가지고 있지 않습니다." 2015년 11월 14일, ISIL은 2015년 11월 파리 테러가 샤말 작전에 대한 복수라고 주장했다. 이러한 응징으로 프랑스 공군은 테러가 일어난 다음 날부터 공격을 강화했다. 2015년 11월 15일, 프랑스 공군은 전투기 10대를 포함한 항공기 12대를 ISIL의 실질적 수도인 시리아의 락까에 보내 20개의 폭탄을 훈련소와 무기 시설에 투하했다. 영국은 공대공 보급과 키프로스의 공군 기지 사용 허가로 프랑스군을 지원했다. 또한 독일의 대 IS 군사 개입은 파리 테러에 대한 대처 중 하나였으며, 이들은 터키에서 파나비아 토네이도와 순양함을 파견하여 프랑스를 지원했다. 각주 같이 보기 대 IS 군사 개입 내재된 결단 작전 러시아군의 시리아 내전 개입 오크라 작전 임팩트 작전 셰이더 작전 대 IS 군사 개입 2014년 프랑스 2015년 프랑스 2016년 프랑스 2015년 11월 파리 테러 프랑스가 참가한 군사 작전 2020년 프랑스 2021년 프랑스 2022년 프랑스
amphora/parallel-wiki-koen
full
, commonly known as Odakyū or Odawara Kyuko, is a major railway company based in Tokyo, Japan, best known for its Romancecar series of limited express trains from Tokyo to Odawara, Enoshima, Tama New Town, and Hakone. The Odakyu Electric Railway Company forms the core of the Odakyu Group, which comprises 101 companies (as of July 14, 2017) and includes the Enoshima Electric Railway, Hakone Tozan Railway, , , and hotel. It is listed on the Tokyo Stock Exchange and is a constituent of the Nikkei 225. History Pre-WWII The line from Shinjuku to Odawara opened for service on 1 April 1927. Unlike the Odawara line, rarely were pre-World War II Japanese private railways constructed with double-track and fully electrified from the first day of operation. Two years later, on 1 April 1929, the Enoshima Line was added. The original full name of the railroad was , but this was often shortened to . The abbreviation Odakyu was made popular by the title song of the 1929 movie Tōkyō kōshinkyoku and eventually became the official name of the railroad on March 1, 1941. On 1 May 1942, Odakyu merged with the Tokyo-Yokohama Electric Railway company (now Tokyu Corporation), which controlled all private railway services west and south of Tokyo by the end of World War II. Post-WWII The company regained its independence on June 1, 1948, and it obtained a large amount of Hakone Tozan Railway stocks, instead of separating Keio Inokashira Line for Keio Corporation. Odakyu restarted Non-stop Limited Express service between Shinjuku and Odawara in 1948. In 1950, Odakyu trains ran through to Hakone-Yumoto on Hakone Tozan Line. Odakyu uses narrow gauge tracks, but the Hakone Tozan Railway is , so one track of the section from Odawara to Hakone-Yumoto () was changed to a dual gauge system. Odakyu operated the first Romancecar (1710 series) limited express in 1951. After the 1950s, due to rapid Japanese economic growth, Odakyu was faced with an explosive increase of population along with its lines. Commuter passengers had to use very crowded trains every morning, and complained strongly with the delay of improvements from the railway company. Odakyu began construction on the - "Shinjuku Station Great Improvement Project" setting 5 lines and 10 platforms long enough for 10 standard commuter cars with service on the Chiyoda Line, among others. Plans for a four-track system in 1964 were prevented by residents of Setagaya Ward in Tokyo, as such the system remains uncompleted. The Setagaya Residents' opposition set the stage for a long-term and remarkable case in the courts and legislature. Odakyu could not take main part of transport from Tama New Town Area, though Odakyu started the operation of Tama Line in 1974. To serve its Mukōgaoka-Yūen Amusement Park, Odakyu operated the Mukōgaoka-Yūen Monorail Line between Mukōgaoka-Yūen and Mukōgaoka-Yūen-Seimon (, 2 stations) beginning in 1966 using a Lockheed Corporation style monorail system; the system was closed in 2001 when the amusement park was shut down. Post-millennium Since 2000, Odakyū has been adding track in both directions from Izumi-Tamagawa Station, on Tama River, the border station of Tokyo, to just outside Setagaya-Daita Station for expanding the availability of express trains, especially for morning commuter service. The lines between Setagaya-Daita and Higashi-Kitazawa Station are still under construction, however. Odakyu announced that the bottle-neck will be resolved by 2013. All of its lines are double- or quadruple-tracked within Tokyo Metropolis as of March 2018, a project first decided in December 1964 but due to NIMBY land acquisition difficulties, complex and expensive workarounds were constructed and finished, taking a half century. The main or Odawara Line acts as a bypass route for the Tōkaidō Main Line from Tokyo to western Kanagawa. The Romancecar 3000 series "SE" was tested at speeds of up to in 1957, achieving a world record for narrow gauge lines at the time. These tests also provided important data on high-speed electric multiple units (EMU), which Japanese National Railways (JNR) used for its limited express EMUs, 151 series, and 0 Series Shinkansen introduced in the early 1960s. Odakyu celebrated its 80th anniversary in April 2007. The 50th anniversary of the Romancecar was celebrated in September 2007. Station numbers were introduced to all Odakyū Line stations in 2014, with stations numbered using the prefix "OH". Odakyu are the current shirt sponsors of football club Machida Zelvia. On 6 August 2021, a mass stabbing incident occurred on one of its commuter services when a man stabbed nine passengers, seriously injuring a woman before trying to ignite a fire on the compartment. The man escaped and was arrested hours later. Lines Odakyu owns three railway lines directly, and another three lines via subsidiaries. It also operates trains onto the Tokyo Metro Chiyoda Line, JR East Jōban Line, and JR Central Gotemba Line. Not including the connecting branch between Odawara Line and JR Central Gotemba Line near Shin-Matsuda Station. Many Odakyu Tama Line trains (and selected Odawara Line trains from ) continue on to the Chiyoda and Jōban lines for and - stations. This service began in 1978 between Hon-Atsugi and stations. Some Odakyū trains continue on the Odakyu-owned Hakone Tozan Line to . Limited express Mt. Fuji trains travel from Shinjuku through on the JR Central Gotemba Line to Gotemba Station eight times a day. Train classification (As of March 17, 2018 timetable revision) Romancecar limited express services require a supplementary surcharge. Limited express service Shinjuku Station routes Commuter service is shown on each line's page. Mt. Fuji trains run on the connecting branch line just before Shin-Matsuda from Shinjuku and stops at Matsuda on the Gotemba Line. Matsuda and Shin-Matsuda are treated as the same station. Home Way trains run from Shinjuku every evening after 18:00. There is no service to Shinjuku. Tokyo Metro routes Commuter services are shown on each line's page. At Yoyogi-Uehara, all trains pause, but there is no service for passengers; Odakyū and Tokyo Metro change their operating staff at the station. On weekday mornings, Metro Sagami trains run once from Hon-Atsugi to Kita-Senju. On weekday evenings, Metro Homeway trains run twice from Hon-Atsugi to Kita-Senju and once from Ōtemachi to Hon-Atsugi. On weekends and holidays, Metro Hakone trains run between Kita-Senju and Hakone-Yumoto four times; Metro Sagami (once in the morning) and Metro Homeway (once in the evening) trains also run between Kita-Senju and Hon-Atsugi. Once or twice per month, Metro Sagami and Metro Homeway become Bay Resort trains, traveling between Shin-Kiba and Hon-Atsugi. They travel to/from the Tokyo Metro Yūrakuchō and Chiyoda lines. Legend Rolling stock Romancecar sets 3000 series "SE" (1957–1991) 3100 series "NSE" (1963–2000) 7000 series "LSE" (1980–2018) 10000 series "HiSE" (1987–2012) 20000 series "RSE" (1991–2012) 30000 series "EXE/EXEalpha" (introduced 1996) 50000 series "VSE" (2005-2022) 60000 series "MSE" (introduced 2008) 70000 series "GSE" (introduced 2018) Commuter sets Current 1000 series (introduced 1988) 2000 series (introduced 1995) 3000 series (introduced 2002) 4000 series (introduced 2007) 8000 series (introduced 1982) 5000 series (introduced 2019) Former 5000 series (1969–2012) 9000 series (1972–2006) Odakyu Electric Railway in media The Odakyu Railway has been included in several Japanese language train simulator programs as well as the English language Microsoft Train Simulator program. Microsoft Train Simulator includes the railway's Odawara and Hakone Tozan lines, collectively referred to as the "Tokyo-Hakone" route, with the 2000 series commuter trainset and the 7000 series "LSE" Romancecar trainset being player driveable. Several "activities", or scenarios, are included. Various Odakyu add-ins are available for the BVE Train Simulator, a freeware cab view train simulator for Microsoft Windows. References Bibliography External links Odakyu Electric Railway Odakyu Electric Railway Evolution of Railway Technology (prominently mentions Odakyu 3000 series SE Romance Car trainsets) Shimochika-navi (concerning construction between Higashi-Kitazawa and Setagaya-Daita stations) Companies listed on the Tokyo Stock Exchange Transport companies based in Tokyo Railway companies of Japan Japanese companies established in 1948 Railway companies established in 1948
오다큐 전철 주식회사(, Odakyu Electronic Railway Co., Ltd)는 도쿄도, 가나가와현 지역에 철도 노선을 보유하고 있는 일본의 대형 사철 회사이다. 2005년 10월 1일 기준, 오다큐 그룹의 108개 회사 가운데 핵심 기업에 해당한다. 오다큐라는 약칭으로 일반적으로 불리며, 창업 당시의 사명은 오다와라 급행 철도()였다. 선전 문구는 "오늘, 로망스카로."()이지만 2007년에는 오다큐 선의 개업 80주년을 맞이하여, '감사함을 앞으로의 기쁨으로'()를 썼다. 사가미 철도의 주요 주주이기도 하다. 2005년 3월에 운임을 처음 승차 3 km 구간에 120 엔으로 인하한 바 있어, 이는 1997년에 운임을 인하한 게이오 전철의 뒤를 잇는 것이다. 파스넷 및 파스모에 가입되어 있다. 연표 1923년 5월 1일 오다와라 급행 철도 주식회사()를 창립함. 자본금 1,350만엔. 대표이사 사장으로 도시미쓰 쓰루마쓰가 취임함. 1927년 4월 1일 일부 단선을 포함하여 오다큐선 전선을 개업함. 당시 역 수는 38개. 무코가오카 유원지를 동시 개원함. 1927년 10월 15일 오다큐 선의 전 선이 복선화됨. 급행 운전을 개시함. 1929년 4월 1일 에노시마 선 전선을 개업함. 당시 역 수는 13개. 1935년 6월 1일 신주쿠 - 오다와라 간 무정차 특급열차 운행을 개시함. 당시의 특급 열차의 이름은 '주말 온천 특급'()이었음. 1938년 6월 1일 버스 운송업을 개시함. 1940년 5월 1일 제도 전철(, 현재의 게이오 이노카시라 선)을 합병함. 자본금 4,280만엔. 1941년 3월 1일 모회사에 해당하는 기누가와 수력전기와 합병됨. 이로써 '오다와라 급행 철도'는 해산됨. 기누가와 수력전기는 오다큐 전철 주식회사()라고 이름을 바꾸어 새롭게 발족함. 자본금은 8,780만엔. 대표이사 사장으로 도시미쓰 쓰루마쓰가 취임. 1942년 5월 1일 '육상교통사업조정법'에 따라, 게이힌 전기철도(京浜電気鉄道)와 함께 도쿄 요코하마 전철(東京横浜電鉄)에 흡수 통합되어, '도쿄 급행 전철'(東京急行電鉄, 이른바 다이토큐(大東急))이 됨. 1944년 5월 31일. 육상교통사업조정법에 따라 게이오 전철궤도 또한 도쿄 급행 전철에 통합됨. 1948년 6월 1일 도쿄 급행 전철에서 분리되어, 게이오 제도 전철(현재의 게이오 전철), 게이힌 급행 전철과 마찬가지로 자본금 1억원의 오다큐 전철 주식회사로 재출발함. 이때 구 제도전철은 게이오 전철 소속이 됨. 동시에 하코네 등산철도와 가나가와 중앙 승합자동차(현재의 가나가와 중앙 교통)를 계열회사로 더함. 1948년 10월 16일 복구된 정비차로, 패전 후 처음으로 신주쿠 - 오다와라 역 간 무정차 특급 운행을 개시함. 1950년 8월 1일 하코네 등산 철도 철도선의 하코네유모토 역까지 직통 운행을 개시함. 1951년 2월 1일 본격적으로 오다큐 로망스카의 1710형이 운행을 시작함. 1951년 8월 20일 특급 열차의 전좌석 지정제가 도입됨. 1953년 에노시마 가마쿠라 관광(, 현재의 에노시마 전철)을 관련회사로 더함. 1954년 9월 10일 다치카와 버스를 관련회사로 더함. 1955년 10월 1일 마쓰다 역 - 신마쓰다 역간 연결 노선이 개통됨. 국철로 직통운행하는 열차의 운행을 개시함. 1957년 2월 12일 오오야마 관광전철()을 관련회사로 더함. 1958년 6월 20일 로망스카 3000형 SE 열차가 제1회 '철도우의 회() 블루 리본 상 ()을 수상함. 1964년 2월 17일 신주쿠 역의 개량공사를 완료함. 오다큐 역 중 처음으로 지상/지하 2층 구조의 역이 됨. 1966년 4월 23일 무코가오카 유원지 모노레일을 개통함. 1974년 6월 1일 오다큐 다마선() 신유리가오카 - 오다큐 나가야마 구간을 개통함. 1975년 4월 23일 다마 선이 오다큐 다마 센터까지 연장됨. 1975년 8월 18일 본사 사무소를 신주쿠 역 서쪽출구 쪽에 있는 오다큐 메이지 생명 빌딩(현재의 )으로 이전함. 1978년 3월 31일 제국고속도 교통영단 (현재의 도쿄 메트로) 지요다 선과의 직통 운행을 개시함. 1990년 3월 27일 다마 선이 가라키타까지 연장됨. 2000년 10월 14일 공통승차카드 시스템 '패스넷'을 도입함. 2003년 5월 1일 전 역의 전면 금연화를 실시함. 2003년 8월 1일 하코네 등산 철도를 완전 자회사화함. 노선 오다와라 선(): 신주쿠 - 오다와라 에노시마 선(): 사가미 오노 - 가타세 에노시마 다마 선(): 신유리가오카 - 가라키타 그 외: 도카이 여객철도 고텐바 선 직통 연결 구간 (마쓰다 연락선) 폐지된 노선: 무코가오카 유원지 모노레일 선() 운임 어른의 보통 여객 운임은 다음과 같다. (어린이는 반액. 10원 미만은 올림. 2005년 3월 20일 개정) 차량 60000형(MSE)(지하철 직결 운행 가능 차량) 50000형(VSE) 30000형(EXE) 8000형 7000형(LSE) 4000형(지하철 직결 운행 가능 차량) 3000형 2000형 1000형 사진 외부 링크 오다큐 전철 홈페이지 오다큐 그룹 옐로 페이지 1923년 설립된 기업 일본의 철도 기업
amphora/parallel-wiki-koen
full
Immigration to South Korea () is low due to restrictive immigration policies resulting from strong opposition to immigrants from the general Korean public. However, in recent years the influx of immigrants into South Korea has been on the rise, with foreign residents accounting for 4.9% of the total population in 2019. According to the United Nations, in 2019 foreign born residents represented 2.3% of the total population, which is below the world average of 3.5%. History Those who have at least one South Korean parent are automatically granted South Korean nationality from birth, regardless of their decisions on whether to choose the nationality of the foreign parent or the country of birth (if born outside South Korea). Requirements for General Naturalization include: Must have had domicile address in South Korea for more than five consecutive years Must be a legal adult according to South Korean Civil Law Must have good conduct Must have the ability to maintain living on his/her own assets or skills; or is a dependent member of a family so capable. Applicants must have basic knowledge befitting a South Korean national; such as understanding of the Korean language, customs and culture In 2007 the UN declared South Korea an official receiving country. The number of foreigners in South Korea grew from 390,000 in 1997 to 1 million in 2007. Among these are 630,000 temporary laborers, as well as 100,000 foreigners married to South Korean nationals. Furthermore, there are 230,000 illegal immigrants. Main sending countries are Asian countries, such as China, Vietnam, Mongolia, the Philippines, Thailand, and Uzbekistan. There are also migrants from Nigeria, Ghana, Russia, and the United States. Nominally, the South Korean government says it wants to create a multicultural society and foreigner-friendly environment. Issues with current immigrant policies As described in the new national plan for immigration policy, the government claims a "world-class South Korea" welcoming of foreigners. However, critics argue that the government's goals and policies are fundamentally discriminatory, stemming from racist attitudes in the country and ethnic nationalism. In response, the South Korean government introduced new regulations in April 2014, which meant foreign spouses would have to pass a Korean-language proficiency test and earn a minimum wage of $14,000. Temporary workers and illegal immigrants Since 1991 South Korea has experienced a large influx of foreign workers. Approximately 10,000 Asian workers came to South Korea under a newly established trainee program in 1992. In June 1996, there were 57,000 trainees in South Korea. Despite its growth, the trainee program also had problems—namely that the trainees became undocumented workers due to wage differentials, and that they were not protected by the Labor Standard Law as they were not considered laborers. Since 2004, the South Korean government has followed the "Employment Permit Program" for foreigners, the product of a decade of interaction between Korean citizens and foreign migrant workers. Legally, foreigners are allowed to enter mainly to fulfill low-wage jobs, and they are excluded from receiving social services. Public opinion data shows that Korean citizens retain a discriminatory attitude towards foreign workers. Immigration violations of human rights There are many reports from legal and illegal immigrants which have jailed in many prisons in South Korea because of small problems or misunderstanding their visas for long time. Also, there are some reports about beating and abusing the prisoners. South Korea immigration however paid for the deportation ticket and made sure they are integrated in their new homes. Foreign brides and children of multiethnic families Foreign brides and their multicultural children are growing into a major political issue. Sending countries are likely to worry about their immigrants due to deep-rooted discrimination against foreigners in South Korea. Now, most immigration into South Korea comes from Southeast Asia, and immigrant treatment, particularly if there is abuse of foreign brides, is likely to provoke not only domestic problems, but also diplomatic tension. What immigration there has been, is frequently so focused on the birth-rate problem that it is more properly called bride-importing than immigration. The term "onnurian" refer to a person of mixed heritage, most commonly applied to children of a South Korean father and a Southeast Asian mother. Another term, "Kosian", was coined in 1997 by intercultural families to refer to themselves, but its use spread in the early 2000s as international marriages became increasingly common in rural areas. The term is now considered offensive by some who prefer to identify simply as ethnically Korean. South Korean men have married women from post-Soviet states such as Russia, Uzbekistan and Kyrgyzstan within Korea significantly more than the reverse. Number of spouses from western countries settling in the country with South Korean spouses has also been on a consistent rise. Spouses of South Korean nationals can acquire South Korean citizenship more easily than other foreigners, which encourages thousands of spouses to naturalize every year. The government of South Korea initiated a discussion whether to establish independent Immigration Office to accommodate fast-growing immigration and to prepare inclusive and rational immigration policies, from 2003, without progress. The Foreigner Policy Committee headed by the South Korean prime minister is responsible for coordinating the country's policies concerning foreigners, which had formerly been handled by multiple ministries. However, its role is limited due to a shortage of resources and manpower. Establishing an Immigration Office is expected to solve these problems by concentrating all the related resources and manpower under one umbrella. According to the UN Recommendations on Statistics of International Migration (revised in 1998), long-term international immigration is recorded after an individual enters a country and establishes his usual place of residence there for more than a year. Therefore, when the South Korea government builds new policies, immigrant laborers and children of illegal migrants should be counted to follow this guideline. South Korea is a signatory to the 1951 Convention relating to the Status of Refugees. The South Korean government is the ultimate authority to determine who is eligible to receive refugee status in South Korea. Migrant laborers South Korea used to be a net sender of immigrants until 2007, sending farmers, miners, nurses, and workers to the United States, Germany, and the Middle East. The ethnic Korean diaspora numbers 7.49 million as of 2019, including 2.54 million in the United States and 2.46 million in China. South Korea experienced government-initiated rapid economic growth from the 1960s on, which has been called the "Miracle on the Han River". Until the end of 1980s, South Korea was able to sustain its growth without foreign laborers because of its abundant young population and low wages. But starting from the 1990s, South Korea's plummeting birth rate and growing cost of labor caused labor shortages especially in the so-called "3D jobs" (for "dirty, dangerous, and difficult"), which translated into demand for foreign labor. Economic development and urbanization led many people to leave rural areas and move to cites. However, according to traditional Confucian norms which a lot of older South Koreans still adhere to, the eldest son must remain with his parents. Chronic shortages of women arose in rural areas, and international marriages began to fill this unmet demand. Many migrant workers live in the industrial suburbs of Gyeonggi Province such as Siheung and Ansan, where foreigners account for 7.6% of the population. Statistics Nationality of immigrants There are 2,524,656 foreign residents in South Korea as of December 2019. These figures exclude foreign-born citizens who have naturalized and obtained South Korean citizenship; the total number of naturalized South Korean citizens surpassed 200,000 in 2019. Among these numbers, 792,853 of these people are short-term residents. Ethnic Koreans with foreign citizenship Ethnic Koreans from overseas started immigrating to South Korea in large numbers, especially from the 2000s. These immigrants mainly include ethnic Koreans from China and the former Soviet Union, along with Korean Americans. They can apply for F-4 visa which grants them the ability to work and live more freely than other foreigners. Foreign spouses Foreign husbands and wives married to South Korean citizens as of 2019. This figure excludes those who have naturalized and obtained South Korean citizenship; 135,056 foreign-born spouses have naturalized until 2019. See also Demographics of South Korea Foreigners in Korea Refugees in South Korea Racism in South Korea Notes and references External links Korea Immigration Service Demographics of South Korea Society of South Korea
한국으로의 이민은 별로 없는데 그 이유는 일반 국민들의 이민자들을 향한 강한 반대 때문에 생긴 강력한 이민 정책의 규제 때문이다. 하지만, 최근 한국으로 이민의 수가 높아졌다. 2019년에 총 인구수의 4.9%의 외국인 거주자가 있다. 유엔에 따르면 2019년에 총 인구 중에 2.3%가 외국인으로 태어난 거주민이다. 이들은 전 세계적으로는 평균 3.5%에 해당한다. 역사 그들의 결정과 상관없이 한 명이라도 한국인인 부모님이 있으면 자동적으로 한국 국적으로 태어난다. 한국이 아닌 곳에서 태어났다면 외국인 부모님이나 태어난 곳 중에 선택할 수 있다. 일반적 귀화를 위한 요구사항: 5년 이상 한국에서 거주하는 주소를 갖고 있어야 한다. 한국 시민 법에 따른 법적인 성인이어야 한다. 직업을 갖고 있어야 한다. 그들의 자산이나 능력을 살아가는데 유지할 능력이 있어야한다. 혹은 가족으로부터 떨어져 사는 게 가능해야 한다. 지원자는 한국에 국가적으로 이득이 되는 기본 지식이어야 한다; 한국 언어나 관습이나 문화를 아는 것 2007년에 유엔은 한국을 공식적으로 받는 국가로 지정했다. 한국에 사는 외국인은 1997년에 390,000명에서 2007년에 백만명으로 늘었다. 이들은 630,000의 일시적 노동자이다. 한국 국적과 결혼한 100.000외국인도 있다. 게다가 230,000 불법 이민자도 있다. 이민오는 주요 나라는 아시아이다. 중국, 베트남, 몽골, 필리핀, 대만, 우즈베키스탄. 또한 나이지리아, 가나, 러시아 그리고 미국에서 오는 이민자도 있다. 한국 정부는 멀티문화적 사회와 외국 친화적 환경을 만들고 싶다고 한다. 현재 이민 정책에 대한 이슈들 이민 정책에 대한 새로운 국가적 계획에 따르면 정부는 세계적인 한국의 외국 환영 정책에 집중한다. 하지만, 비평가들은 정부의 목표와 정책이 근본적으로 차별적이라고 말한다. 한국 정부는 새로운 규격을 2014년 4월에 소개했다. 외국 배우자는 한국어 시험과 최소 14,000달러의 임금을 얻어야한다는 규격이다. 일시적 노동자와  불법 체류자 1991년부터 한국은 외국인 노동자의 급격한 증가를 크게 경험했다. 10000명의 아시안 노동자들이 한국으로 와서 1992년에 훈련받는 프로그램을 만들었고 한국엔 57,000명의 훈련 받는 사람들이 있었다. 그것의 성장에도 불구하고 그 프로그램 또한 문제가 있었다. 임금 차별 때문에 증거자료가 없는 노동자가 돼 버렸고, 그들은 노동자로서 고려되지 않았기에 노동기본법에 의해 보호 받지 못하였다. 인권 위반적인 이민 작은 문제나 오해 때문에 한국 감옥에 갖혀있는 합법적이고 불법적인 이민자에 대한 많은 보고가 있다. 또한, 수감자를 향한 구타와 학대가 있다는 보고도 있다. 한국 이민자는 추방 티켓을 위해 일했고 그들의 새로운 집에 적응하기 위해 노력했다. 다문화 가족의 외국 신부나 아이들 외국인 신부와 그들의 다문화 아이들은 주요 정책 문제에 거론된다. 나라를 바꾸는 건 한국에서 외국인에 반발하는 뿌리깊은 차별 때문에 이민자에 대한 걱정이 있다. 현재, 한국에 있는 많은 이민자는 남아시아에서 왔고 특히 만약 외국인 신부를 학대한다면 이민자 치료는 국내의 문제뿐만 아니라 외교적 긴장도 유발 할 것이다. 거의 출생률 문제에 주목이 되고 그건 이민 보다는 아내-수입이라고 불린다 “코시안”이나 “온누리안”이라는 단어는 재산이 섞인 사람을 부른다. 흔하게는 한국 아빠와 남아시아 엄마의 자녀들이다. “코시안”이란 단어는 1997년에 다른 문화 가족이 그들 스스로를 부름으로써 우연히 생겼고, 초기 2000년대에 국제결혼이 많아지면서 퍼지게 되었다. 윤리적 한국인인지 간단하게 구별하기 위해 사용됐다. 한국 남성은 러시아, 우즈베키스탄, 키르기스스탄과 같은 구소련의 후기 국가에서 온 여성과 결혼하였다. 서양과 한국 배우자들의 수가 점점 늘어나는 중이다. 한국 정부는  2003년부터 이민자의 빠른 증가와 이민 정책에 대비하기 위해서 독립적인 이민 정책을 만들 것인지 토론하였다. 한국 장관에 의한 외국 정책 위원회는 전에 여러 장관들에 의해서 다뤄졌던 외국인을 고려하는 나라간의 정책들에 대한 책임을 져야한다. 이민 정책을 짓는 것은 자원과 자신의 우산아래 가려진 힘에 의해 생긴 이러한 문제들을 해결하는데 도움이 될 것이라 기대받고 있다. 한국은 1951 난민의 상태에 관련있는 관습을 서명하였다. 한국 정부는 궁극적으로 누가 한국에 난민을 받을것인지 결정한다. 이주 노동자들 한국은 2007년부터 이민의 나라가 되었다. 농부, 광부, 간호사, 노동자들을 미국, 독일 그리고 중동으로 보냈다. 민족적 재외한인의 수는 2019년부터 74만9천명이 되었고 미국은 25만4천명, 중국은 24만6천명이다. 한국은 정부-시작을 1960년대 “한강의 기적”이라고 불리는 경제적 성장에서 경험하였다. 1980년대까지 한국은 외국인 노동자 없이 그들만의 힘으로 성장을 가능하게 했다. 풍부한 어린아이 인구와 낮은 임금 때문이다. 하지만 1990년대에 들어오면서 한국의 출산율과 특히 “3D 직업”이라(더럽고, 위험하고, 어렵고) 불리는 일을 하는 노동자의 임금이 증가하였다. 경제적 발전과 도시화는 많은 사람을 도심지로 이동하게 만들었다. 하지만 많은 늙은 한국인이 있는 전통적인 유교 규범에 따르면 장남은 부모님과 함께하지 않으면 안 된다. 여성의 만성적인 부족과 국제 결혼은 충족되지 않는 요구를 충족시켜주기  시작했다. 많은 이주 노동자들이 인구의 7.6%가 외국인인 시흥과 안산같은 경기 지방의 산업적 외곽에서 살아간다 통계 이민자의 국적 2019년 12월에 한국에 사는 외국인 거주자들은  2,524,656명이었다. 이 수치는 자연적으로 한국 시민권을 딴 사람도 포함한다. 총 한국 시민의 인구수는 2019년에 200,000명이 되었다. 이 숫자에 따르면 792,853명의 삶들은 짧은 기간 거주하는 사람들이다. 외국 시민권인 민족의 한국인들 민족 한국인은 2000년대부터 한국으로 이민오는 것부터 시작해서 많은 수가 늘기 시작했다. 이 이민자들은 중국에서 온 한국인들과 이전 소비에트 연방이었던 사람들, 한국계 미국인들을 포함한다. 그들은 다른 외국인들보다 편하게 일하고 살아갈 수 있는 F-4비자를 적용한다. 외국인 배우자들 2019년에 한국에서 결혼해 한국에서 살아가는 외국인 남편들이나 아내들이다. 이 수치는 2019년까지 135,056명의 외국태생 배우자들이 자연적이거나 한국 시민권을 획득한 사람들을 포함한다. 함께 보면 좋은 것 한국의 인구통계자료 한국에 있는 외국인들 한국의 난민 메모와 참고문헌들 외부 링크들 한국 이민 서비스 이민 인구 조사 사회
amphora/parallel-wiki-koen
full
A general officer is an officer of high rank in the armies, and in some nations' air forces, space forces, and marines or naval infantry. In some usages the term "general officer" refers to a rank above colonel. The term general is used in two ways: as the generic title for all grades of general officer and as a specific rank. It originates in the 16th century, as a shortening of captain general, which rank was taken from Middle French capitaine général. The adjective general had been affixed to officer designations since the late medieval period to indicate relative superiority or an extended jurisdiction. General officer ranks and history The various grades of general officer are at the top of the military rank structure. Lower-ranking officers in land-centric military forces are typically known as field officers or field-grade officers, and below them are company-grade officers. Common systems There are two common systems of general ranks used worldwide. In addition, there is a third system, the Arab system of ranks, which is used throughout the Middle East and North Africa but is not used elsewhere in the world. Variations of one form, the old European system, were once used throughout Europe. It is used in Germany, where it comes from originally, and from where it eventually spread to the United Kingdom and thence subsequently to other Commonwealth countries and the United States. The general officer ranks are named by prefixing "general", as an adjective, with field officer ranks, although in some countries the highest general officers are titled field marshal, marshal, or captain general. The other is derived from the French Revolution, where generals' ranks are named according to the unit they (theoretically) command. Old European system The system used either a brigadier general or a colonel general rank (i.e. exclude one of the italicised ranks). In the 17th and 18th centuries, it became customary in Prussia and other German states to confer the rank of "full" general with the addition of the branch of service from which the general emerged and which originally also determined the character of the formations which he commanded, e.g. general of the infantry, general of the cavalry and general of the artillery. Such rank designations were also introduced in the Imperial Russian Army, firstly by the emperor Peter I. The rank of field marshal was used by some countries as the highest rank, while in other countries it was used as a divisional or brigade rank. Many countries (notably pre-revolutionary France and eventually much of Latin America) actually used two brigade command ranks, which is why some countries now use two stars as their brigade general insignia. Mexico and Argentina still use two brigade command ranks. In some states (particularly in the Commonwealth since the 1920s), the equivalent to brigadier general is brigadier, which is not always considered by these armies to be a general officer rank, although it is always treated as equivalent to the rank of brigadier general for comparative purposes. As a lieutenant outranks a sergeant major; confusion often arises because a lieutenant is outranked by a major. Originally the serjeant major was, exclusively, the commander of the infantry, junior only to the captain-general and lieutenant general. The distinction of serjeant major general only applied after serjeant majors were introduced as a rank of field officer. Serjeant was eventually dropped from both rank titles, creating the modern rank titles. Serjeant Major (later spelled sergeant major) as a senior rank of non-commissioned officer was a later creation. The equivalent of the rank of general in the navy was admiral. French (Revolutionary) system Arab system The armies of Arab countries use traditional Arabic titles. These were formalized in their current system to replace the Turkish system that was formerly in use in the Arab world and the Turco-Egyptian ranks in Egypt. Other variations Other nomenclatures for general officers include the titles and ranks: Adjutant general Commandant-general Inspector general General-in-chief General of the Army (which is distinct from the title army general) General of the Air Force (USAF only) General of the Armies of the United States (of America), a title created for General John J. Pershing, and subsequently granted posthumously to George Washington ("general admiral") (German Navy) Air general and aviation general Wing general and group general (, a Serb/Slovenian/Macedonian rank immediately inferior to colonel general, and roughly equivalent to Commonwealth/US major general) Director general (a common administrative term sometimes used as an appointment in military services) Director general of national defence (most senior rank in the Mexican Armed Forces) Controller general (general officer rank in the French National Police) Prefect general (the most senior rank of the Argentine Naval Prefecture) Master-General of the Ordnance (very senior British military position) Police General (most senior rank of the Philippine National Police) Commissioner (highest rank of the Bureau of Immigration) (Police General), the highest rank in the Indonesian National Police In addition to militarily educated generals, there are also generals in medicine and engineering. The rank of the most senior chaplain, (chaplain general), is also usually considered to be a general officer rank. Specific rank of general In the old European system, a general, without prefix or suffix (and sometimes referred to informally as a "full general"), is usually the most senior type of general, above lieutenant general and directly below field marshal as a four-star rank (NATO OF-9). Usually it is the most senior peacetime rank, with more senior ranks (for example, field marshal, marshal of the air force, fleet admiral) being used only in wartime or as honorary titles. In some armies, however, the rank of captain general, general of the army, army general or colonel general occupied or occupies this position. Depending on circumstances and the army in question, these ranks may be considered to be equivalent to a "full" general or to a field marshal five-star rank (NATO OF-10). The rank of general came about as a "captain-general", the captain of an army in general (i.e., the whole army). The rank of captain-general began appearing around the time of the organisation of professional armies in the 17th century. In most countries "captain-general" contracted to just "general". General ranks by country The following articles deal with the rank of general, or its equivalent, as it is or was employed in the militaries of those countries: General (Australia) General (Bangladesh) General (Canada) (China) – People's Republic of China (PRC) and Republic of China (ROC/Taiwan) General (Denmark), General (Estonia), General (Finland), General (Germany), (Greece) General (India) (North and South Korea) General (Nigeria) General (Pakistan) General (Poland), General (Sri Lanka) General (Sweden), General (Switzerland) General (United Kingdom) General (United States) General (Yugoslav People's Army) Army generals' insignia Air force generals' insignia Naval infantry generals' insignia Air force and naval equivalents Some countries (such as the United States) use the general officer ranks for both the army and the air force, as well as their marine corps; other states only use the general officer ranks for the army, while in the air force they use air officers as the equivalent of general officers. They use the air force rank of air chief marshal as the equivalent of the specific army rank of general. This latter group includes the British Royal Air Force and many current and former Commonwealth air forces—e.g. Royal Australian Air Force, Indian Air Force, Royal New Zealand Air Force, Nigerian Air Force, Pakistan Air Force, etc. In most navies, flag officers are the equivalent of general officers, and the naval rank of admiral is equivalent to the specific army rank of general. A noteworthy historical exception was the Cromwellian naval rank "general at sea". In recent years in the American service there is a tendency to use flag officer and flag rank to refer to generals and admirals of the services collectively. See also General officers in the United States List of comparative military ranks List of Roman generals General officer commanding Général Generalissimo Shogun Notes References External links Generals of World War II Schema-root.org: US Generals News feeds for US Generals in the news Marines.mil: General Officer Biographies Biographies of US Marine Corps General Officers Bios & Information on Generals of Western History Information on 10 Generals who influenced Western History Military ranks
장성급 장교(將星級 將校, )는 군대를 지휘, 통솔하는 우두머리의 장교 계급이다. 육군, 공군, 해병대의 장성급 장교를 부르는 칭호는 장군(將軍, General)으로, 해군, 해안경비대의 장성급 장교를 부르는 칭호는 제독(提督, Admiral)으로 표현하며, 장군과 제독을 통틀어서 장성으로 표현한다. 비교적 대규모 군대의 지휘관에게 관직 또는 칭호로 주어지며, 경우에 따라서는 군벌 지휘관의 지위를 가리키기도 한다. 별은 스스로 빛을 내는 천체로서 군에서의 모든 경륜을 익힌 완숙한 존재임을 상징하며, 위관급 장교의 다이아몬드는 지하를, 영관급 장교의 대나무는 지상을, 장성급 장교의 별은 우주를 의미한다. 어원 장군은 중국에서 전해내려온 말이며, 그 뜻은 한자를 풀이하면 '군(軍)을 이끈다(將)'라는 의미로, 군 세력을 지휘하는 사령관의 관직으로 사용된 것이 그 시초이다. 그 예는 춘추시대의 문헌에서도 확인되고 있다. 일반적으로 한나라에서는 장군직이 평시가 아닌 임시의 직책으로 임명되었지만 대장군이나 거기장군 혹은 표기장군 같은 고위장군직은 평시 대신들의 작호로도 사용되었다. 전쟁이 일상이었던 중국 삼국시대에는 아주 다양한 종류의 잡호장군이 생겨났다. 잡호장군은 최상위 계급인 대장군부터 최하위 계급인 비장군까지 존재했다. 삼국시대 당시 대장군 정도 되면 해당 국가 전군의 모든 병력을 통솔하는, 군인으로서 서열 1위의 관직이며 문관으로 따지자면 대사마와 동급이었다. 용도 직책의 의미 현대적인 의미의 장군은, 군대 조직에서 준장에서 대장까지의 장성 또는 원수를 의미하기도 하나, 역사상으로 '장군'이라는 용어는 조금씩 의미를 달리하여 쓰여 왔다. 동양에서 장군은 군대의 지휘관의 직책을 가리키는 이름 가운데 하나였다. 특히 일본에서는, 쇼군()이라는 이름으로, 실질적인 나라의 지배자 역할을 해왔던 역사가 있다. 외교상이나 군대 내부에서의 칭호로 장군에는 각하가 딸려서 사용된다. 존칭의 의미 한자를 풀이하면 군(軍)을 이끈다(將)는 의미로서 당나라의 봉기군 안녹산, 고구려부흥병마사를 자처한 최광수, 동학농민군의 지도자인 전봉준 등에게도 장군 호칭이 붙여졌다. 1949년의 국민보에는 김구에게도 장군이라는 존호를 붙이기도 한다. 비하의 의미 국가 지도자나 정치인, 황제, 왕, 대통령, 총리, 국회의원, 영의정 같은 사람들에게 장군이라는 호칭은 대단히 큰 욕설이다. 나라를 다스리는 사람들에게는 군사, 외교, 내치 모두 능해야 하는 사람들이지만 이들에게 장군이라는 호칭을 붙이는 것은 군사 말고는 전부 문외한이라고 욕하는 격이다. 실제로도 세인트헬레나의 총독을 지낸 허드슨 로우는 자신의 임지에 나폴레옹 보나파르트가 유배를 오자 나폴레옹 보나파르트에게 라는 엄청나게 큰 욕을 했다. 전속부관 대령에서 준장으로 진급하면 장성급 장교가 되고, 장성급 장교의 경우 경호원이자 비서의 개념인 전속부관이 따라다니게 된다. 이때 전속부관의 계급은 장성 계급 별로 약간씩 차이가 있는데 준장의 경우 소위 또는 중위, 소장의 경우 중위, 중장의 경우 대위, 대장의 경우 소령 전속부관이 존재한다. 전속부관은 원칙적으로 자신이 보좌하는 장성과 임관구분이 동일하도록 되어 있다. 일례로 장성급 장교가 육사 출신일 경우 전속부관 역시 동일하게 육사 출신 장교가 임명되며 장성급 장교가 학사 출신일 경우에도 마찬가지로 전속부관 역시 동일하게 학사 출신 장교가 임명된다. 이는 전속부관이 자신의 지휘관을 쉽게 보좌하기 위해서이다. 근대 이후의 장군 근대 이후의 군대에서는, 육군, 공군 또는 해병대에서, 준장, 소장, 중장, 대장, 원수(또는 오성장군) 등의 장성급 계급에 해당하는 사람의 칭호로 이용되고 있다. 또한 타국의 군대에 대해서 영어로 'General' 정도 되는 계급 또는 지위를 가진 사람에 대해 '장군'이라는 호칭을 사용한다. (군인 계급 참조) 참고로, 장군이라는 용어는 편의상 혹은 관습적으로 사용되는 용어이며, 정식 명칭은 장성급(將星級) 장교이다. 해군 및 해안경비대 등의 조직의 동 계급에 대해서는 제독이라는 호칭을 사용하며, 러시아 해군 등에서는 해군 장성들 중 항공과 육전 인원의 경우는 제독이 아닌 장군이라 부르기도 한다. 진급 다른 군인 계급과는 달리 장성급 장교의 진급심사는 국회의 동의를 얻도록 되어 있으며 준장 이상은 진급신고를 대통령에게 하도록 되어 있다. 그 때문에 장성급 장교는 다른 군인과는 달리 정치권에 많이 연루되어 있는 신분이며 뛰어난 능력도 중요하지만 정권의 성향이 진급에 강하게 작용되는 신분이다. 때문에 대장에 진급한 장성급 장교는 뛰어난 능력과 더불어 정권 성향에 맞는 인물이라는 것을 알 수 있다. 김장수의 경우, 노무현, 이명박, 박근혜 이 3명의 대통령 모두에게 인정받아 노무현 정부에서는 육군참모총장 재직 기간을 다 채우지 않고 바로 국방부 장관이 되었으며 이명박 정부에서는 한나라당 국회의원이 되었으며 박근혜 정부에서는 청와대 국가안보실장을 각각 역임했다. 비판 실질적으로 군대를 장악한 사람들이기 때문에 가끔 국가를 전복시키는 중대한 범죄를 저지르기도 하는데 그것이 쿠데타이다. 아르헨티나의 경우 호르헤 라파엘 비델라 육군 중장이 일으킨 군사반란으로 인해 나라가 거의 멸망 일보직전까지 갔으며 2020년대 현재까지도 이 후유증에 시달리고 있다. 2021년 2월 1일 미얀마에서 민 아웅 흘라잉이 쿠데타를 일으켜 아웅산 수지를 체포한 뒤 뇌물수수 혐의로 입건하고 아웅산 수지를 대통령에서 강제로 물러나게 했다. 이게 적반하장인 게 정작 민 아웅 흘라잉은 미얀마 국민들을 매일같이 학살하기 때문이다. 대한민국에만 존재하는 비판 박정희가 유신사무관 제도를 만들어 대위를 사무관으로 전직시킨 적이 있다. 관료를 각 분야 전문가가 아닌 장교 전역자로 채운 유신사무관으로 인해 일자무식임에도 장교로 제대했다고 무조건 관료로 임명시킨 탓에 진급만 잘하고, 나머지는 무뇌 수준의 형편없는 전직 장성들이 대거 고위 관료로 채용되는 사태가 발생하기도 했다. 대한민국 장성의 정년 연령정년 원수 - 종신(終身) 대장 - 만63세 중장 - 만61세 소장 - 만59세 준장 - 만58세 계급정년 중장 - 4년 복무 소장 - 6년 복무 준장 - 6년 복무 외국의 경우 서구권 국가에서는 군인, 경찰, 소방관이 같은 계급장을 공유하고 있으며 공산권 국가에서는 아예 같은 계급호칭까지 사용한다. 일례로 소련의 고위직 소방관인 레오니트 텔랴트니코프의 계급은 소방 소장인데 이는 대한민국으로 따지자면 소방감에 해당된다. 같이 보기 리더십 팔로워십 육군 장군 공군 장군 제독 군사 계급 칭호
amphora/parallel-wiki-koen
full
An international embargo against Northern Cyprus is currently in place in several areas. The embargo is supported by the policy of the United Nations and its application by the European Union is in line with a European Court of Justice (ECJ) decision taken in 1994. Northern Cyprus, a state solely recognised by Turkey has been under severe embargoes since its unilateral declaration of independence in 1983, and the embargoes are actively promoted by a Greek Cypriot campaign. Among the institutions that refuse to deal with the Turkish Cypriot community are the Universal Postal Union, the International Civil Aviation Organization and the International Air Transport Association. The economic embargo was greatly exacerbated upon the ruling of the ECJ in 1994, when the food certificates issued by Northern Cyprus were deemed unacceptable for the European Union. Exports and flights from Northern Cyprus take place through Turkey, with direct flights being banned internationally. Turkish Cypriots face embargoes in the areas of sports and culture as well; Turkish Cypriot teams cannot play international matches, Turkish Cypriot athletes may not compete internationally unless they represent another country and some concerts by international musicians or bands in Northern Cyprus have been blocked. Economic embargo Development of the embargo After the economic destruction of the Turkish invasion of Cyprus in 1974, the southern part of the island received heavy subsidies from the international community to develop its economy. Northern Cyprus, meanwhile, only received aid from Turkey and very little international aid. This caused less economic development compared to the south, and an economic dependence on Turkey. The economic embargo prevents foreign cash flow as the external demand is stifled and the use of foreign savings through borrowing and capital inflows is rendered impossible. The embargo has also restricted the tourism sector. Until 1994, the United Kingdom, Germany, and some other European Countries accepted Turkish Cypriot food products, including citrus, being directly imported. While a 1972 agreement granted access to the European market to goods regulated by the Republic of Cyprus, the agreement was interpreted as applying to the whole island and the Turkish Cypriot Chamber of Commerce gave certificates that bore the old stamps of Cyprus, rather than that of the Turkish Federated State of Cyprus or the TRNC. In 1983, upon the declaration of the TRNC, the Republic of Cyprus changed its stamps and notified the European Union and its member states that only certificates with its new stamps, originating from territory under the control of the Republic, should be accepted. However, the Council of Europe reiterated that both sides should benefit equally from such an agreement, and Turkish Cypriot goods continued to be imported directly. The British Ministry of Agriculture issued a statement that "the Turkish-Cypriot certificates were just as good as the Greek-Cypriot ones." In 1992, a group of Greek Cypriot citrus producers sued the UK Ministry of Agriculture, and the case was referred to the European Court of Justice. The ECJ ruled against the acceptance of Turkish Cypriot goods, and thus in effect instituted an embargo against Northern Cyprus. The decision has been criticized as the ECJ stepping beyond its scope and precipitating an embargo that should only be imposed by political bodies. The decision also exposed Turkish Cypriot goods to an additional duty of at least 14%, and cargoes were immediately turned back from European countries, resulting in profound damage in Turkish Cypriot economy. After the Annan plan After the Annan Plan for Cyprus, there were promises by the European Union that sanctions on Northern Cyprus would be eased, including an opening of the ports, but these were blocked by the Republic of Cyprus. Turkish Cypriots can technically export to the world through the Green Line, but this requires the approval of the Republic of Cyprus and heavy bureaucracy, which is perceived as impractical by Turkish Cypriot business people. In the 2000s and 2010s, global enterprises and companies have opened up to Northern Cyprus through Turkey, which has been perceived as a form of normalization by Turkish Cypriots. However, Turkish Cypriots can access the global market only as consumers, but not as producers, and this access is still dependent on Turkey. Transport embargo Northern Cyprus is accessible to international communications, postal services and transport only through Turkey. Flights to the Ercan International Airport of Northern Cyprus are banned internationally. Non-stop flights only take place from Turkey, which is the only country to recognise Northern Cyprus, and all planes that fly to Northern Cyprus from other countries have to stop over in Turkey. In 2005, a non-stop, chartered flight between Azerbaijan and Northern Cyprus, the first one ever from a country other than Turkey, was hailed as a landmark and Azerbaijan started accepting Turkish Cypriot passports. In the congress of the Universal Postal Union in Rio de Janeiro in 1979, the Republic of Cyprus obtained a declaration that stated that Turkish Cypriot stamps were illegal and invalid. Turkish Cypriots have partly overcome restrictions on personal travel by obtaining passports issued by the Republic of Cyprus. According to Rebecca Bryant, a specialist on Cyprus, with the development of Turkish Airlines and the bankruptcy of Cyprus Airways, Ercan was busier than Larnaca International Airport as of 2015, but it was still dependent on Turkey. However, in 2017 Larnaca airport saw a more than 400% increase in customers, as a result of new tight security measures imposed by the UK Department for Transport questioning the status of the airport and forcing passengers travelling between Britain and Northern Cyprus to disembark with their luggage and go through a fresh security check in Turkey in order to board a new aircraft for their final destination. According to Turkish Cypriot tour operators "travellers are now drifting to Larnaca and it will be very hard to bring them back". Cultural embargo Sports Turkish Cypriots cannot participate in international sports competitions. The International Olympic Committee bans Turkish Cypriots from participating in the Olympic Games as independent athletes under the Olympic flag, and requires them to compete under the flag of a recognized country. Meliz Redif, the first Turkish Cypriot to participate in the Olympics, thus had to obtain Turkish citizenship, while some athletes refuse to compete for another country. Turkish Cypriot teams cannot play international matches. In the first years after the Turkish invasion in 1974, Turkish Cypriot football teams were able to play international matches against teams from countries such as Turkey, Saudi Arabia, Malaysia, Libya. This was due to the tolerance shown by FIFA upon the initiative of its secretary, Helmut Kaiser. However, after the declaration of independence in 1983, Turkish Cypriot teams and the national team lost the ability to play international matches. The national team of Northern Cyprus wanted to play a match with the Turkish national team in 1984, but this was rejected by FIFA and the Turkish Football Federation was informed that it would face sanctions by FIFA and UEFA if it were to play with the Turkish Cypriot team. In June 1987, the FIFA Executive Board expressly forbade all contact between FIFA members and Northern Cyprus. A Turkish team, Fenerbahçe SK, had a camp in Northern Cyprus in 1990 and planned to play with a local team, but the match was not allowed by FIFA, who refused to accept the Cyprus Turkish Football Federation as a member. In the ELF Cup that took place in Northern Cyprus in 2006, FIFA successfully pressured the Afghanistan national team not to play in the tournament, and FIFA members Kyrgyzstan and Tajikistan sent their futsal teams instead. A Turkish Cypriot bid to join FIFA was rejected again in 2004, after the Annan Plan referendums. In 2007, a friendly football match between Çetinkaya Türk S.K. and Luton Town F.C. was cancelled after Greek Cypriot pressure. In 2014, the Cyprus Turkish Football Federation applied to join the Cyprus Football Association, but the talks reached a deadlock. The sports isolation encountered by Northern Cyprus is not shared with all other unrecognized states, for example, Transnistria has a team that participates in international competitions. Northern Cyprus has participated in NF Board to ease the effect of international isolation in football. Music The Republic of Cyprus deems business conducted in the north as illegal, which has hampered concerts by international bands or singers. In 2010, a concert by Jennifer Lopez, scheduled to take place in Northern Cyprus, was cancelled after extensive campaigning by Greek Cypriot groups. Rihanna also cancelled a concert after a similar campaign. In 2012, Julio Iglesias cancelled a concert and then sued the hotel and Turkish Cypriot authorities, claiming that he had been misled with regards to the legitimacy of the concert. Nevertheless, international concerts continue taking place. Northern Cyprus cannot participate or apply to participate in the Eurovision Song Contest. References Economy of Northern Cyprus Sport in Northern Cyprus Transport in Northern Cyprus Cyprus dispute Northern Cyprus
북키프로스에 대한 제재는 현재 여러 분야에서 적용되고 있다. 제재의 배경은 안보리 결의 등 유엔의 정책이며 제재의 적용은 1994년 유럽 연합 법원의 결정을 바탕으로 유럽 연합의 주도로 이루어지고 있다. 경제적 제재 제재의 발전 1974년 터키의 키프로스 침공으로 인해 경제적인 피해를 입은 후, 남쪽의 키프로스 공화국은 상대적으로 국제적 지원을 많이 받은 데 비해, 북쪽은 터키로부터만 지원을 받아, 남쪽에 비해 북쪽의 경제가 악화되고 터키로의 경제적 의존이 심해지는 효과를 낳았다. 경제적 제재로 인해 해외 수요가 위축되고 해외 자본 유입도 불가능해짐에 따라, 해외와의 현금 흐름도 차단되었다. 제재로 인해 관광 산업도 제약을 받았다. 1994년 이전까지 영국이나 독일 등 일부 유럽 국가는 북키프로스에서의 감귤 등 식품 직수입을 허용했다. 1972년 체결된 협약에서는 키프로스 공화국이 관리하는 상품만 유럽 시장으로 향할 수 있게끔 되어 있었지만, 이 협약에서 말한 키프로스 공화국은 통상 키프로스섬 전체를 말하는 것으로 해석되었으며, 터키계 키프로스 상공회의소에서는 북키프로스의 도장 대신 키프로스의 예전 도장을 사용하여 허가를 내 주는 방법을 사용하여 제재를 간접적으로 우회하였다. 1983년 북키프로스 튀르크 공화국의 성립 이후 키프로스 공화국은 도장을 변경하며 유럽 연합에 새 도장만을 허가해 줄 것을 요청했지만, 유럽 평의회는 터키계와 그리스계 양측 모두 협약에서 산출되는 이익을 누려야 한다는 말을 반복하였으며, 북키프로스에서의 상품 수입은 계속 이어졌다. 영국 농업부는 "터키계 키프로스 지역에서의 증명서는 그리스계 키프로스 지역에서의 증명서와 다름이 없다"라는 성명을 발표하기도 하였다. 1992년 그리스계 키프로스인 감귤 생산자들이 영국 농업부를 고소하였으며, 사건은 유럽 연합 법원으로 넘겨졌다. 유럽 연합 법원은 북키프로스의 상품 수입을 금지하는 판결을 내렸으며, 판결으로 인해 결과적으로 터키계 키프로스 측의 상품에 관세가 14% 이상 추가로 부여되는 효과가 발생하였으며, 유럽에 수출된 상품은 즉시 북키프로스로 반송되어 북키프로스의 경제에 상당한 타격이 가해졌다. 실질적으로 제재를 초래하였다는 점에서 유럽 연합 법원의 권한 밖의 판결이었다는 비판은 지금까지 제기되고 있다. 아난 계획 이후 아난 계획 이후 유럽 연합은 항구 개항 등 북키프로스에 대한 제재 완화를 약속했으나, 키프로스 공화국의 반대로 좌절되었다. 이론상 북키프로스에서 그린 라인을 통해 수출이 이루어질 수는 있지만, 키프로스 공화국의 허가가 필요하고 요식 절차가 복잡해, 북키프로스 사업가들에게 비현실적이라고 여겨진다. 2000년대 및 2010년대 다국적 기업들이 터키를 통해 북키프로스에 사업을 열었으며, 북키프로스 사람들은 이를 일종의 정상화 조치로 생각하고 있다. 하지만 북키프로스 사람들은 국제 시장에 소비자로서만 참여할 수 있으며, 이마저도 터키를 통해서만 이루어진다. 교통 제재 북키프로스는 터키를 통해야만 국제 통신, 우편, 교통을 이용할 수 있다. 북키프로스의 에르잔 국제공항으로의 비행은 국제적으로 금지되어 있으며, 직항편은 터키에서만 존재하고, 북키프로스로 향하는 모든 비행기는 터키를 경유해야 한다. 2005년 아제르바이잔에서 북키프로스로 직항한 전세기는 역사적인 사건으로 여겨졌으며, 이후 아제르바이잔은 북키프로스 여권을 이용한 입국을 허가하고 있다. 터키계 키프로스인 일부는 키프로스 여권을 취득하여 여행 제한을 극복하기도 하였다. 1979년 만국 우편 연합 리우데자네이루 회의에서 키프로스 공화국의 주도로 북키프로스의 우표가 불법이며 무효라는 선언이 발표되었다. 터키항공의 발전과 2015년 키프로스 항공의 파산으로, 터키로의 의존이 짙긴 하였지만, 에르잔 국제공항의 승객 수는 한 때 라르나카 국제공항을 추월하기도 하였다. 하지만 2017년 영국 교통부가 북키프로스와 영국 사이의 승객은 튀르키예에서 한 차례 더 보안 검색을 받을 것을 요구함에 따라, 라르나카로의 승객 집중이 다시 심화되었다. 북키프로스 여행 산업계에서는 이 현상을 반전시키기는 아주 힘들 것으로 보고 있다. 문화적 제재 스포츠 터키계 키프로스인은 국제 스포츠 행사에 참여하지 못한다. 국제 올림픽 위원회는 터키계 키프로스인이 올림픽기 아래 개인 자격으로 참가하는 것을 금지하였으며, 참여하기 위해서는 등록된 국가의 선수로 참여할 것을 요구한다. 이로 인해 최초로 올림픽에 참여한 터키계 키프로스인 멜리즈 레디프는 터키 국적을 취득해야 하였다. 일부 선수는 다른 국가의 이름으로 참가하는 것을 거부하고 있다. 터키계 키프로스 팀은 국제 경기에 참여하지 못한다. 1974년 터키의 침공 이후 FIFA의 묵인 아래 터키계 키프로스 팀은 터키, 사우디아라비아, 말레이시아, 리비아 등 국제 경기를 치를 수 있었지만, 1983년 독립 선언 이후 국제 경기 참여 자격을 잃었다. 1984년 터키 대표팀과 북키프로스 대표팀의 경기는 FIFA가 거부하였으며, 터키 대표팀은 북키프로스와 경기를 치를 경우 FIFA와 UEFA의 제재를 받을 것이라고 경고받았다. 1987년 6월 FIFA 집행이사회는 FIFA 회원국과 북키프로스 간의 모든 연락을 금지하였다. 터키의 팀 페네르바흐체 SK는 1990년 북키프로스에 캠프를 설치하고 북키프로스 지역의 팀과 경기를 가지려고 했으나 FIFA가 키프로스 터키계 축구 연맹을 회원으로 인정하지 않아 성사되지 못했다. 2006년 개최된 ELF 컵에서 FIFA는 아프가니스탄 팀에 압박을 가해 대회에 참가하지 못하게끔 하였고, 키르기스스탄과 타지키스탄은 풋살팀을 대신 파견했다. 2004년 아난 계획 이후 FIFA에 가입하려는 키프로스 터키계 축구 연맹의 신청은 다시 거부되었다. 2007년 루턴 타운 FC와 체팅카야 튀르크 SK 간의 친선 경기가 그리스계의 압박으로 취소되었다. 2014년 키프로스 터키계 축구 연맹이 키프로스 축구 연맹에 가입 신청을 하였지만 협상이 교착 상태로 빠졌다. 북키프로스는 NF-보드에 가입되어 있다. 음악 키프로스 공화국은 북키프로스 지역에서의 사업을 불법으로 간주하므로, 세계적 가수나 밴드의 공연이 실질적으로 방해를 받고 있다. 2010년 북키프로스에서 열릴 예정이었던 제니퍼 로페즈의 콘서트가 그리스계의 반대 운동으로 취소되었으며, 리하나 또한 비슷한 운동으로 콘서트를 취소하였다. 2012년 훌리오 이글레시아스는 콘서트를 취소한 후 호텔과 북키프로스 당국을 고소하였으며, 콘서트의 정당성에 대해 잘못 알고 있었다고 주장했다. 그럼에도 국제적 공연은 계속 계획이 이루어지고 있다. 북키프로스는 유로비전 송 콘테스트에 참여하지 못한다. 각주 북키프로스의 경제 북키프로스의 스포츠 키프로스 분쟁 국제 제재
amphora/parallel-wiki-koen
full
Kun-woo Paik (born March 10, 1946 in Seoul) is a South Korean pianist. He has performed with multiple orchestras, including the London Symphony Orchestra, the BBC Symphony Orchestra, and the Saint Petersburg Philharmonic. Early life Kun-Woo Paik was born in Seoul. He gave his first concert, aged 10, with the Korean National Orchestra, playing Grieg's Piano Concerto. In the following years, he performed many important works in Korea, including several local premieres such as Mussorgsky's Pictures at an Exhibition. Later he studied in New York (Juilliard School), London, and Italy with Rosina Lhévinne, Ilona Kabos, Guido Agosti and Wilhelm Kempff. Kun-Woo Paik is a laureate of the Naumburg and Busoni International Piano Competitions. Career Over the years, Kun-Woo Paik has performed recitals in major musical centres such as the Lincoln Center, Carnegie Hall, Wigmore Hall, and Berlin Philharmonie. He has performed with such orchestras as the London Symphony Orchestra, the BBC Symphony Orchestra (Last Night of the Proms 1987), Pittsburgh Symphony, Russian National Orchestra, Saint Petersburg Philharmonic, Orchestre de Paris, Orchestre National de France, Ensemble Orchestral de Paris, Rai Torino, Warsaw Philharmonic, English Chamber Orchestra, and Polish National Radio Orchestra, with such conductors as Mariss Jansons, Sir Neville Marriner, Lawrence Foster, Mikhail Pletnev, Dmitri Kitayenko, James Conlon, John Nelson, and Eliahu Inbal. Kun-Woo Paik is also a regular guest artist at major music festivals such as the Berlin Festwochen, Aix-en-Provence, La Roque-d'Anthéron, Colmar, Spoleto, Aldeburgh, "Mostly Mozart" and Ravinia Festivals, and has toured extensively in Australia, New Zealand, Asia and Italy. His repertoire comprises such rare works as Busoni's Piano Concerto, Fauré's Fantasy for piano and orchestra and Liszt's Fantasy on themes from Berlioz's "Lélio". Kun-Woo Paik also performs a wide selection of transcriptions by Liszt and Berlioz and is the dedicatee of Suk-Hi Kang's piano concerto. Paik has recorded the complete Prokofiev piano concertos with Antoni Wit and the Polish Radio Symphony Orchestra for RCA (Diapason d'Or in 1993), the complete Rachmaninoff piano concertos with Vladimir Fedoseyev and the Moscow Radio Symphony Orchestra (BMG), as well as several solo CDs of Scriabin, Liszt, Mussorgsky, Rachmaninoff and Mendelssohn piano music. In 2000, he signed an exclusive recording contract with Decca Classics. His first release featured the piano transcriptions of the organ works of J. S. Bach made by Busoni. Between 2005 and 2007, Decca recorded Paik in the complete piano sonatas of Beethoven. He was the Artistic Director of the Emerald Coast Music Festival in Dinard (France) for 21 years, from 1993 to 2014. He programmed a large range of music, from baroque, through romantic, and contemporary music; performed by top international artists to a large audience, and notably with free outdoor concerts, concerts for children, and concerts with young virtuosi. In November 2014, he was fired from this position by the Mayor of Dinard, Martine Craveia-Schütz, to be replaced by the Egyptian pianist Ramzi Yassa; Kun-Woo Paik expressed in a long letter to the Mayor of Dinard his "stupefaction and deep sorrow". Kun-Woo Paik was made "Chevalier de l'ordre des arts et des lettres" by the French Government in 2000. In September 2000, he was the first Korean artist to be officially invited to perform in China. Personal life Paik has resided in Paris with his wife, actress Yoon Jeong-hee since 1974. Yoon is a star of the late 1960s, commonly referred to as one of "The First Troika" by the South Korean news media, along with two other actresses in rivalry, Moon Hee, and Nam Jeong-im. The couple has a daughter, Paik Jin-hi, who is a violinist. Discography 2020 Schumann - DG 2018 Chopin: The Complete Nocturnes - DG 2012 Brahms Intermezzi - DG 2010 Brahms Piano Concerto No.1, Variations; ; Czech Philharmonic Orchestra, conductor Eliahu Inbal - DG 2008 The complete piano sonatas of Beethoven issued in Korea. 2007 Beethoven: Piano Sonatas 27 to 32 - Decca 2006 Beethoven: Piano Sonatas 1 to 15 - Decca 2005 Beethoven: Piano Sonatas 16 to 26 - Decca 2003 Chopin: Complete works for piano and orchestra; Warsaw Philharmonic Orchestra, conductor Antoni Wit - Decca 2002 Fauré Piano works - Diapason d'Or award - Decca 2001 Hahn Works for two pianos, with Hüseyin Sermet - Naïve V4902 2000 J.S. Bach: Piano works in transcriptions by Busoni - Toccata BW564, 10 chorale preludes, Chaconne BW1004 - Decca 2000 Piano works by Liszt, Debussy, Poulenc and Satie - EMI Music 1998 Rachmaninoff: Complete Works for Piano and Orchestra 1998 Mendelssohn: Songs Without Words 1996 Scriabin: Piano works 1994 Prokofiev: Complete Piano Concertos 1993 Schmitt: Three rhapsodies for two pianos, Op. 53, with Huseyin Sermet - Auvidis 1992 Mendelssohn: Songs Without Words - Diapason d'Or award - Dante 1992 Rachmaninoff: The 4 piano concertos, Rhapsody on a Theme of Paganini - RCA 1992 Rachmaninoff: Piano sonatas 1 and 2 - Diapason d'Or award - Dante 1992 Prokofiev: Piano Sonatas 6, 7 and 8 - Diapason d'Or award - Dante 1992 Ravel: Complete Piano Works 1992 Scriabin: Piano works Diapason d'Or award - Dante 1992 Scriabin: Sonata Nos 6 and 9 and other piano works - Diapason d'Or award - Dante 1991 Prokofiev: The 5 Piano concertos; Polish National Radio Orchestra - Disque d'or - Prix Nouvelle ~Académie du Disque - 2CD Naxos 1991 Liszt: Piano works and music by French composers (Poulenc, Debussy, Satie) 2 CD - Virgin 1991 Ravel: The works for solo piano - Diapason d'Or award - Dante 1983 Ravel: Piano Concerto in G, Concerto for Left Hand; Stuttgart Radio Symphony, Gary Bertini, conductor - Pro Arte Sinfonia Awards 1971 Winner of Naumburg International Piano Competition 1992 Golden Diapason Prize (Alexander Scriabin Album) 1993 Golden Diapason Prize (Sergei Prokofiev Album) 2000 Ho-Am Prize in the Arts 2009 Kyung-Ahm Prize 2010 Order of Cultural Merit References External links DECCA Paik Kun Woo Biography Kun-Woo Paik (Piano) at Bach-Cantata.com South Korean classical pianists Juilliard School alumni Musicians from Seoul 1946 births Living people Recipients of the Order of Cultural Merit (South Korea) 21st-century classical pianists Recipients of the Ho-Am Prize in the Arts
백건우(白建宇, 1946년 5월 10일 ~ )는 재불(在佛) 대한민국의 피아니스트이다. 학력 줄리어드 스쿨 음악학교 줄리어드 스쿨 생애 1946년 5월 10일 서울에서 태어났다. 11세에 국립 교향악단과 에드바르 그리그의 피아노 협주곡을 협연하는 등 일찍부터 재능을 보였다. 그 뒤로도 모데스트 무소륵스키의 전람회의 그림과 같은 많은 곡들을 공연에 올렸다. 1961년 미국에 건너가 줄리어드 음악학교에서 로지나 레빈을 사사하였다. 1967년 그는 런던으로 건너가 일로나 카보스(Ilona Kabos)를 사사했고, 그 외에도 귀도 아고스티와 빌헬름 켐프를 사사하였다. 같은 해 나움부르크 콩쿠르에서 우승을 차지했다. 1969년 리벤트리 콩쿠르의 결선에 올랐으며, 같은 해에 부소니 콩쿠르에 입상하였다. 링컨 센터, 카네기 홀, 위그모어 홀, 베를린 필하모니 등의 세계의 주요 음악당에서 리사이틀 연주회를 하는 등 활동을 해오고 있다. 그는 또한 런던 교향악단, BBC 교향악단, 피츠버그 교향악단, 러시아 내셔널 오케스트라, 상트페테르부르크 필하모닉 오케스트라, 파리 관현악단, 프랑스 국립 관현악단, 파리 앙상블 오케스트라, 바르샤바 국립 필하모닉 오케스트라, 영국 실내 관현악단, 폴란드 국립 라디오 오케스트라 등과 협연하였다. 그와 함께한 지휘자들은 로린 마젤, 마리스 얀손스, 네빌 매리너, 로런스 포스터, 미하일 플레트네프, 드미트리 키타옌코, 제임스 콘런, 존 넬슨, 엘리아후 인발 등이 있다. 백건우는 여러 음악 페스티벌의 게스트 연주자로도 활동하고 있다. 그의 레퍼토리는 매우 다양하여 부소니의 피아노 협주곡, 포레의 피아노 환상곡과 오케스트라, 리스트의 "베를리오즈의 렐리오(Lelio)의 주제에 의한 교향적 대환상곡, 슈토크하우젠 - 피아노곡 IX 등이 있다. 또한 리스트와 베를리오즈의 많은 편곡 작품들을 연주하였다. 1998년 2월 강석희에게 헌정받아 초연한 피아노 협주곡은 라디오 프랑스에서 실황 중계되었고, 2006년 10월 펜데레츠키의 피아노 협주곡 '부활'의 아시아 초연에도 참여하였다. 2007년 12월 8일부터 15일까지 예술의 전당 콘서트 홀에서 베토벤 피아노 소나타 전곡 연주회를 가졌다. 2009년 제 5회 경암학술상 예술부문상을 받았다. 2011년 6월 30년 만에 리스트 탄생 200주년을 맞아 리스트 작품만으로 공연을 하였다. 사건 1977년 7월 29일, 재불 화가 이응노의 둘째부인 박인경의 음모로 백건우, 윤정희 부부는 생후 5개월 반 밖에 안된 딸 백진희를 데리고 취리히를 거쳐 자그레브까지 유인되었다가, 백건우가 눈치를 채면서 극적으로 만 24시간 만에 탈출한 사건이 있었다. 파리로 돌아와서 백건우는 주 프랑스 대사관에서 사건의 전모를 밝혔다. 박인경의 주선으로 미하일 파블로비크라는 스위스의 백만장자의 초청으로 취리히에서 연주하는 것으로 알고 떠났지만, 장소가 갑자기 자그레브로 변경되어 가보니 한 동양인이 거주하는 집에서 수상한 느낌이 들어 윤정희와 함께 급히 택시에 올라탔다. 공항으로 가던 중에 미국 영사관으로 돌려 부영사가 머물던 호텔에 투숙하였는데, 그가 구해 온 파리행 비행기표로 가까스로 출국에 성공했다. 국영 항공인 JAT기에 올라타 밖을 내다보니 "조선민항"이라고 한글로 쓰인 항공기 한 대를 봤다고 말했다. 그걸 보고 눈치를 채서 화를 면한 것이었다. 음반 목록 2013 슈베르트: 즉흥곡집, 3개의 피아노곡집, 악흥의 순간 - DG 2012 브람스: 간주곡집 - DG 2010 브람스: 피아노 협주곡 1번, 변주곡집; 체코 필하모닉 오케스트라, 엘리아후 인발 - DG 2007 베토벤: 피아노 소나타 27 to 32 - Decca 2006 베토벤: 피아노 소나타 1 to 15 - Decca 2005 베토벤: 피아노 소나타 16 to 26 - Decca 2003 쇼팽: 피아노와 관현악을 위한 협주곡 전곡; 바르샤바 필하모닉 오케스트라, 안토니 비트 - Decca 2002 포레: 피아노곡집 - Diapason d'Or award - Decca 2001 레날도 안: 2대의 피아노를 위한 곡집, (휘세인 세르메트와 함께) - Naïve V4902 2000 바흐/부소니: 피아노 편곡집 - 토카타 BWV 564, 10개의 코랄 전주곡집, 샤콘 BWV 1004 - Decca 2000 리스트, 드뷔시, 풀랑크, 사티 피아노 곡집 - EMI Music 1998 라흐마니노프: 피아노 협주곡 전곡, 파가니니 주제에 의한 광시곡 - RCA 1993 플로랑 슈미트: 2대의 피아노를 위한 3개의 광시곡, Op. 53, (휘세인 세르메트와 함께) - Auvidis 1994 멘델스존: 무언가(無言歌) - Diapason d'Or award - Dante 1992 라흐마니노프: 피아노 소나타 1, 2번 - Diapason d'Or award - Dante 1992 당디: 피아노 3중주 - Auvidis Valois 1992 프로코피예프: 피아노 소나타 6, 7, 8번 - Diapason d'Or award - Dante 1992 스크랴빈: 소나타 2, 10번 등 - Diapason d'Or award - Dante 1992 스크랴빈: 소나타 6, 9번 등 - Diapason d'Or award - Dante 1991 프로코피예프: 피아노 협주곡집; 폴란드 국립 방송 교향악단, 안토니 비트 - Disque d'or - Prix Nouvelle ~Académie du Disque - 2CD Naxos 1991 풀랑크 - 클라리넷과 피아노를 위한 소나타, 오보에, 바순과 피아노를 위한 3중주, 오보에와 피아노를 위한 소나타 - ADDA, CORNELIA 1991 리스트: 헝가리 광시곡, 프랑스 작곡가 (풀랑크, 드뷔시, 사티) - Virgin 1991 라벨: 피아노곡 전곡 - 2CD Dante (1975년 녹음 ACM LP)- Diapason d'Or award - Dante 1983 라벨: 피아노 협주곡 G, 왼손을 위한 협주곡; 슈투크가르트 방송 교향악단, 가리 베르티니 - Pro Arte Sinfonia 1981 무소륵스키: 피아노곡 전곡 1, 2, 3권 - LP Arabesque Recordings 수상 1971 발터 나움부르크 국제 피아노 콩쿠르 우승 1992 골든디아파종상 (스크랴빈 앨범) 1993 골든디아파종상 (프로코피예프 앨범) 2000 호암상 - 예술상 2000 프랑스 문예공로훈장 슈발리에 2010 대한민국 은관문화훈장(2등급) 각주 외부 링크 DECCA Paik Kun Woo Biography Kun-Woo Paik (Piano) at Bach-Cantata.com 1946년 출생 살아있는 사람 대한민국의 클래식 피아노 연주자 경암학술상 수상자 호암상 예술상 수상자 은관문화훈장 수훈자 서울특별시 출신 줄리아드 학교 동문 대한민국의 로마 가톨릭교도 미국에 거주한 대한민국인 잉글랜드에 거주한 대한민국인 프랑스에 거주한 대한민국인
amphora/parallel-wiki-koen
full
Do the same thing for this list: Kansas Jade Piros de Carvalho, director, Office of Broadband Development Website: https://www.kansascommerce.gov/officeofbroadbanddevelopment/ Email: [email protected] Phone: (785) 296-3481 Kentucky Meghan E. Sandfoss, executive director, Office of Broadband Development Website: https://broadband.ky.gov/Pages/index.aspx Email: [email protected] Phone: (502) 330-8713 Louisiana Veneeth Iyengar, executive director, ConnectLa Website: https://connect.la.gov/ Email: [email protected]; [email protected] Phone: (225) 219-7594 Maine Peggy Schaffer, director, ConnectMaine Authority Andrew Butcher, president, Maine Connectivity Authority Website: https://www.maineconnectivity.org/ Email: [email protected]; [email protected] Phone: (207) 624-9807 Maryland Kenrick M. Gordon, director, Office of Statewide Broadband Website: https://dhcd.maryland.gov/Broadband/Pages/default.aspx Email: [email protected] Phone:(301) 429-7436 RELATED Finding the money: A US broadband funding guide Massachusetts Michael Baldino, director and general counsel, Massachusetts Broadband Institute Website: https://broadband.masstech.org/ Email: [email protected]; [email protected] Phone: (508) 870-0312 Michigan Eric Frederick, chief connectivity officer, Michigan High-Speed Internet Office Website: https://www.michigan.gov/leo/bureaus-agencies/mihi Email: [email protected] Phone: Minnesota Bree Maki, director, Office of Broadband Development Website: https://mn.gov/deed/programs-services/broadband/ Email: [email protected] Phone: (651) 259-7289 Mississippi Sally Burchfield Doty, director, Broadband Expansion and Accessibility of Mississippi Website: https://www.beam.ms.gov/ Email: [email protected] Phone: (601) 359-5029 Missouri BJ Tanksley, director, Office of Broadband Development Website: https://ded.mo.gov/content/broadband-development Email: [email protected] Phone: (573) 522-6261 Montana Chad Rupe, Broadband Program Manager Website: https://connectmt.mt.gov/ Email: [email protected]; [email protected] Phone: Nebraska Patrick Redmond, interim director, Broadband Office Website:https://broadband.nebraska.gov/Home Email:[email protected] Phone:(402) 471-4181 Nevada Brian Mitchell, director, Office of Science, Innovation and Technology and State Broadband Office Website: https://osit.nv.gov/Broadband/Broadband/ Email: [email protected] Phone: (775) 687-0988 New Hampshire Mark Laliberte, broadband project manager, Office of Broadband Initiatives Website: https://www.nheconomy.com/about-us/office-of-broadband-initiatives Email: [email protected]; [email protected] Phone: (603) 271-6351 New Jersey Joseph Rivera, Manager of Broadband Access Website: https://www.nj.gov/it/ Email: [email protected] Phone: (609) 322-9625 New Mexico Matt Schmit, Governor's Broadband Advisor Kelly Schlegel, director, Office of Broadband Access and Expansion Website: https://www.doit.nm.gov/programs/broadband/ Email: [email protected]; [email protected] Phone: (505) 479-1093 New York Rob Johnson, Project Manager, ConnectALL Website: https://broadband.ny.gov/ Email: [email protected] Phone:(212) 803-3201 North Carolina Nate Denny, Deputy Secretary for Broadband and Digital Equity Angie Bailey, director, Broadband Infrastructure Office Website: https://www.ncbroadband.gov/ Email: [email protected]; [email protected] Phone: (919) 397-2124; (919) 754-6690 North Dakota Duane Schell, CTO Kevin Sievert, Program Director of Broadband Deployment Website: https://www.ndit.nd.gov/about-us/broadband Email: [email protected]; [email protected] Phone: (701) 328-4360 Ohio Peter Voderberg, chief, BroadbandOhio Website: https://broadband.ohio.gov/home Email:[email protected]; [email protected] Phone: (614) 387-2114 Oklahoma Kirk Martin, interim executive director, Broadband Office Website: https://oklahoma.gov/broadband.html Email: [email protected]; [email protected] Phone:(405) 431-9237 Oregon Daniel Holbrook, Broadband Manager Website: https://www.oregon.gov/biz/programs/oregon\_broadband\_office/pages/default.aspx Email: [email protected] Phone: 503-877-7006 Pennsylvania Brandon Carson, executive director, Broadband Development Authority Website: https://dced.pa.gov/programs-funding/broadband-in-pennsylvania/pennsylvania-broadband-development-authority/ Email:[email protected] Phone: Rhode Island Brian Thorn, director, Broadband Strategy Website: https://commerceri.com/broadband/ Email: [email protected] Phone:(401) 278-9186 South Carolina Jim Stritzinger, director, Broadband Office Website: https://ors.sc.gov/broadband/office Email: [email protected] Phone: (803) 737-8025 South Dakota Mike Waldner, Project manager, Connect SD Website: https://sdgoed.com/partners/connectsd/ Email:[email protected] Phone: (605) 773-2483 Tennessee Taylre Beaty, Broadband Program Director Website: https://www.tn.gov/ecd/rural-development/tnecd-broadband-initiative.html Email: [email protected] Phone:(615) 906-1057 Texas Greg Contre, director, Broadband Development Office Website: https://comptroller.texas.gov/programs/broadband/ Email: [email protected]; [email protected] Phone: (512) 463-7611 Utah Rebecca Dilg, Broadband Director Website: https://business.utah.gov/broadband/ Email: [email protected] Phone: (801) 538-8681 Vermont Christine Hallquist, executive director, Vermont Community Broadband Board Website: https://publicservice.vermont.gov/vt-community-broadband-board-vcbb Email: [email protected] Phone: (802) 636-7853 Virginia Tamarah Holmes, director, Office of Broadband Website: https://www.dhcd.virginia.gov/broadband Email: [email protected] Phone: (804) 371-7056 Washington Mark Vasconi, director, Broadband Office Website: www.broadband.wa.gov Email: [email protected] Phone: (360) 918-1241 West Virginia Kelly Workman, director, Office of Broadband Website: https://broadband.wv.gov/ Email:[email protected]; [email protected] Phone: (304) 352-4115 Wisconsin Alyssa Kenney, director of broadband and digital equity, Wisconsin Public Service Commission Website: https://psc.wi.gov/Pages/ServiceType/Broadband.aspx Email: [email protected]; [email protected] Phone: (608) 267-2160 Wyoming Elaina Zempel, Broadband Manager, Wyoming Business Council Website: https://wyomingbusiness.org/communities/broadband/ Email: [email protected]; [email protected] Phone: (307) 777-2802
이 목록도 마찬가지입니다: 캔자스 제이드 피로스 데 카르발류, 광대역 개발 사무소 이사 웹사이트: https://www.kansascommerce.gov/officeofbroadbanddevelopment/ 이메일: [email protected] 전화: (785) 296-3481 켄터키 메건 E. 샌드포스, 전무 이사, 광대역 개발 사무소 웹사이트: https://broadband.ky.gov/Pages/index.aspx 이메일: [email protected] 전화: (502) 330-8713 루이지애나 Veneeth Iyengar, 전무 이사, ConnectLa 웹사이트: https://connect.la.gov/ 이메일 [email protected]; [email protected] 전화: (225) 219-7594 Maine 페기 샤퍼, 메인주 연결 당국 이사 앤드류 버처, 메인주 연결성 당국 사장 웹사이트: https://www.maineconnectivity.org/ 이메일 [email protected]; [email protected] 전화: (207) 624-9807 메릴랜드 Kenrick M. Gordon, 주 전체 광대역 사무국 이사 웹사이트: https://dhcd.maryland.gov/Broadband/Pages/default.aspx 이메일 [email protected] 전화:(301) 429-7436 관련 자금 찾기: 미국 광대역 펀딩 가이드 매사추세츠 마이클 발디노, 이사 겸 법률 고문, 매사추세츠 광대역 연구소 웹사이트: https://broadband.masstech.org/ 이메일: [email protected]; [email protected] 전화: (508) 870-0312 미시간 Eric Frederick, 최고 연결 책임자, 미시간 초고속 인터넷 사무소 웹사이트: https://www.michigan.gov/leo/bureaus-agencies/mihi 이메일 [email protected] 전화 미네소타 브리 마키, 광대역 개발 사무소 이사 웹사이트: https://mn.gov/deed/programs-services/broadband/ 이메일: [email protected] 전화: (651) 259-7289 미시시피 샐리 버치필드 도티, 미시시피주 광대역 확장 및 접근성 담당 이사 웹사이트: https://www.beam.ms.gov/ 이메일 [email protected] 전화: (601) 359-5029 Missouri BJ 탱슬리, 광대역 개발 사무소 이사 웹사이트: https://ded.mo.gov/content/broadband-development 이메일: [email protected] 전화: (573) 522-6261 몬태나 채드 루페, 광대역 프로그램 관리자 웹사이트: https://connectmt.mt.gov/ 이메일: [email protected]; [email protected] 전화 네브라스카 패트릭 레드몬드, 임시 이사, 광대역 사무소 웹사이트: https://broadband.nebraska.gov/Home Email:[email protected] 전화:(402) 471-4181 네바다 브라이언 미첼, 과학, 혁신 기술 및 주 광대역 사무국 이사 웹사이트: https://osit.nv.gov/Broadband/Broadband/ 이메일: [email protected] 전화: (775) 687-0988 뉴햄프셔 마크 랄리베르테, 광대역 프로젝트 관리자, 광대역 이니셔티브 사무소 웹사이트: https://www.nheconomy.com/about-us/office-of-broadband-initiatives 이메일: [email protected]; [email protected] 전화: (603) 271-6351 뉴저지 조셉 리베라, 광대역 액세스 관리자 웹사이트: https://www.nj.gov/it/ 이메일: [email protected] 전화: (609) 322-9625 뉴멕시코 매트 슈미트, 주지사 광대역 고문 Kelly Schlegel, 광대역 액세스 및 확장 사무소 이사 웹사이트: https://www.doit.nm.gov/programs/broadband/ 이메일 [email protected]; [email protected] 전화: (505) 479-1093 뉴욕 Rob Johnson, 프로젝트 매니저, ConnectALL 웹사이트: https://broadband.ny.gov/ 이메일: [email protected] 전화:(212) 803-3201 노스캐롤라이나 네이트 데니, 광대역 및 디지털 형평성 담당 차관보 앤지 베일리, 광대역 인프라 사무소 이사 웹사이트: https://www.ncbroadband.gov/ 이메일: [email protected]; [email protected] 전화: (919) 397-2124; (919) 754-6690 노스 다코타 듀안 셸, CTO 케빈 시버트, 광대역 배포 프로그램 디렉터 웹사이트: https://www.ndit.nd.gov/about-us/broadband 이메일: [email protected]; [email protected] 전화: (701) 328-4360 Ohio 피터 보더버그, 수석, 브로드밴드오하이오 웹사이트: https://broadband.ohio.gov/home Email:[email protected]; [email protected] 전화: (614) 387-2114 오클라호마 Kirk Martin, 임시 전무 이사, 광대역 사무소 웹사이트: https://oklahoma.gov/broadband.html 이메일: [email protected]; [email protected] 전화:(405) 431-9237 오레곤 다니엘 홀브룩, 광대역 관리자 웹사이트: https://www.oregon.gov/biz/programs/oregon\_broadband\_office/pages/default.aspx 이메일: [email protected] 전화 503-877-7006 펜실베니아 Brandon Carson, 광대역 개발청 전무 이사 웹사이트: https://dced.pa.gov/programs-funding/broadband-in-pennsylvania/pennsylvania-broadband-development-authority/ Email:[email protected] 전화 로드 아일랜드 Brian Thorn, 광대역 전략 담당 이사 웹사이트: https://commerceri.com/broadband/ 이메일: [email protected] 전화:(401) 278-9186 사우스 캐롤라이나 짐 스트리칭거, 광대역 사무소 이사 웹사이트: https://ors.sc.gov/broadband/office 이메일 [email protected] 전화: (803) 737-8025 사우스 다코타 마이크 월드너, 프로젝트 관리자, Connect SD 웹사이트: https://sdgoed.com/partners/connectsd/ 이메일: Mike
squarelike/sharegpt_deepl_ko_translation
full
eRepublik is a free-to-play, web browser-based massively multiplayer online game developed by Romanian studio eRepublik Labs which was launched outside of beta phase on 14 October 2008 and is accessible via the Internet. The game is set in a mirror world (called the New World) where players, referred to as citizens, join in local and national politics where they can help formulate national economic and social policies as well as initiating wars with their neighbours and/or tread the path of a private citizen working, fighting and voting for their state. It was developed by Alexis Bonte and George Lemnaru. eRepublik is programmed in PHP using Symfony framework and runs in most modern browsers. eRepublik has spawned a number of similar games due to the commercial success. On 30 May 2017 it was announced that Stillfront Group has acquired eRepublik Labs. Funding eRepublik has raised funding in four rounds: Seed – February 2007 – 200,000 euros Angel – June 2008 – 550,000 euros Series A – June 2009 – 2,000,000 euros Fall – July 2012 – 500,000 euros Overview eRepublik is a global massively multiplayer online game where players can participate in a variety of daily activities. Citizens of the New World can be employees, own businesses, form political parties, vote in elections, become party presidents, members of Congress or country presidents, write newspaper articles and even go to war as citizens of virtual versions of real life countries. The game has very few visual elements and is primarily text-based in nature. Upon joining, a citizen picks which virtual country he or she wishes to join. Each of these countries is named after an actual country in the real world, and is generally located similarly (warfare may cause certain regional displacements). The citizen then seeks employment at a company within that country, and is allowed the opportunity to train as a soldier for that country. Training, and working at a company is done on a daily basis. One of the main drawing points of the website is that it takes a mere "14 minutes a day" to participate. eRepublik Gold is a fictional currency used in the eRepublik World. It is the main reference point for all the local virtual currencies (examples: USD, GBP) and it is used to buy additional features (such as companies) within the New World. It can be obtained freely by reaching certain levels or achievements, or purchased with real life currency. Many users have expressed dislike over the changes to the game which requires gold to use. Modules My Places A citizen has a patch of land where they can construct various buildings, such as farms, mines, factories, storage and training grounds. Those buildings can be used once a day to produce raw materials, finished products, store materials and products, and increase the citizen's strength, a value determining how much damage is done in battles. Buildings can be constructed with local currency or gold, and upgraded with only gold. To upgrade a level 4 factory to level 5 requires 350 gold for example, and 300 gold costs 99.9 euros. The effectiveness of economy buildings depends on the natural resources that a nation has. There are 20 different natural resources, each boosting production by 20% for the corresponding raw material or product. Duplicate natural resources does not give any bonus, and the map is arranged in a way so that countries with a high amount of natural regions in real life does not have an advantage over countries with fewer regions. There are four types of products with each one having five types of raw materials that can be used to produce the final products. Those products are food, weapons, aircraft weapons and houses. There are also moving tickets which can only be obtained as reward from the weekly challenge (meaning to fight in the battles) and are used to travel through the regions. Politics Module As simple citizens, players can join a party by reaching a certain level. Once they have joined a party, they can run for party presidency. If they campaign successfully and can convince their party colleagues to choose them over a more established name then they become the leaders of the party and they can choose their party candidates for congress (if party is ranked in the top 5 nationally) or presidency. On the fifth of every month eRepublik holds presidential elections, on the fifteenth the party presidential elections and on the twenty-fifth the congressional elections. Days before the presidential vote the top five parties will select a person to run for president, and then it is decided by a vote by the populace. For the congress elections, party presidents use a list to declare their candidates. The total number of congress members in each country depends on how many regions that country has at that time. If there is a tie in any election, eRepublik automatically chooses by referring to experience points. Besides democracy, there's the ability to bring dictatorship. Commanders of military units can declare coup which can be supported by other military units and if it succeeds, the commander of the military unit which started the coup becomes dictator and absorbs every power of president and congress. Along with coup, military units can also initiate revolution if they want to overthrow the dictator and restore democracy. War Module To declare war on other countries, the president or congress of the country proposes a Natural enemy law. If the vote passes, the two countries are at war and each region is attacked either by order of the president or automatically by the game every 24 hours. In wars, the citizens of the respective countries fight independently, each one fighting a player of the target country whose health varies, after defeating the opponent influence is gained on, which shows the current percentage of influence the countries at war have over that region. Eight to twelve battles, lasting one and a half to two hours long, must be won by either side before the region is declared conquered or secure. The battles will continue until one side has won enough points to win the campaign. There are two types of battles, ground and air battles. Air battles occur every 4th battle. Wars are potentially essential to the power of a country in eRepublik because they allow citizens of the countries that are a part of the wars to become stronger and obtain higher military ranks, thus enabling them to do more damage in fights. Theoretically a nation that has experienced and battle hardened citizens can become a global power. In reality the changes to unlimited gold purchasing means that one older and stronger player can conquer any medium-sized nation by continually fighting (tanking) via using their gold to purchase wellness packs. Many of the existing 'empires' of the new world consist of nations that have significant numbers of these types of players. News Module Any citizen can create a newspaper in which he can publish articles. Other citizens of his/her can read these articles, vote on them, comment on them or even subscribe to the newspapers of other citizens. Every 1000 subscribers a newspaper gets, the owner receives gold and the "Media Mogul" medal. The articles can be formatted using BBCode. They can be published in the nation of the citizen and in other nations paying in gold a publishing fee which varies. There are 6 categories in which media are divided into. Gameplay The role play of the New World consists of combining the capabilities of the above modules to reach goals and become leader in one or more domains. Citizens can use newspapers to promote themselves, their companies, parties, or even countries. The congress of a country sets taxes to enforce economic policies. To wage successful wars, the economy of a country has to sustain it and citizens have to be motivated. Other features Functionalities include a Twitter-like shoutbox system. Gold can also be purchased in unlimited amounts. Game developers, noting the use of IRC channels and forums outside of the main eRepublik site, and the importance of social interaction in the game, released a new module, the Chat Module, allowing users to create their own chat rooms, and interact with other citizens while remaining on the main site. The user-maintained Discord servers, forums and IRC channels, however, remain more popular and this little feature is used by few. Community eRepublik, being a massively multiplayer online social game, encourages communication between players, and creates social communities usually organized around nations of the game. Players create IRC/WhatsApp/Telegram chat rooms, forums and Discord servers for each nation, and create fictional entities such as militias, political take overs, as well as discussing social events dealing with players of the game. Mobile app On 11 May 2018, it was announced that a mobile app for eRepublik was under development and the closed alpha phase initiated on 16 May for both Android and iOS. During that phase, testers could request access after filling a form and updates occurred once every month. On 26 November 2018, the open beta phase was announced once again for both Android and iOS. During that phase, everyone could download the app and the updates became more rare, except the first month where they were frequent. Some features: Graphical presentation in one page of all main places of eRepublik (media, marketplace, job market, storage, travel, work, training grounds, feeds). Work, train and fight with few taps. Autofight in battles after setting the amount of energy usage and deploying on the battlefield. Awards 12 December 2007 – LeWeb3 2007 The honorable mention company 9 October 2008 – The Future of Web Apps conference winner References External links eRepublik official website 2008 video games Browser-based multiplayer online games Massively multiplayer online real-time strategy games Virtual world communities Government simulation video games Internet properties established in 2008 Online text-based role-playing games Video games developed in Ireland
이리퍼블릭()은 2008년 10월 21일 설립된 eRepublik Labs에서 개발된 무료 MMO 웹 게임이며 인터넷을 통해 접속 가능하다. 이 게임은 시민이라 칭해지는 플레이어가 현실을 복제한 세계(새로운 세계라 칭해지는)에서 이웃과의 전쟁을 시작하거나 개인 시민의 국가를 위한 노동, 참전 그리고 투표를 할 수 있는 사회·경제 정책을 입안하는 정치 위에서 시작된다. 이 게임은 Alexis Bonte와 George Lemnaru가 개발하였다. 이리퍼블릭은 Symfony framework를 이용한 PHP로 프로그래밍 되었으며 대다수의 최신 웹 브라우저에서 실행 가능하다. 이리퍼블릭의 사업적 성공으로 인해 많은 유사한 게임들이 나타나게 되었다. 자금 모금 이리퍼블릭은 3백 25만 유로의 자금을 4번에 걸쳐 조달하였다. Seed - 2007년 2월 - 20만 유로 Angel - 2008년 6월 - 55만 유로 Series A - 2009년 6월 - 200만 유로 Fall - 2012년 7월 - 50만 유로 개괄 이리퍼블릭은 플레이어가 다양한 일상 활동에 참여할 수 있는 범 지구적인 MMO 게임이다. 새로운 세계의 시민(플레이어)은 노동자가 될 수 있고, 자신의 사업을 가질 수도 있고, 정당을 조직할 수도 있고 정당의 대표와 국회의원 또는 대통령이 될 수 있고, 신문을 발간할 수도 있으며 실제 국가들의 가상 전투에 참전할 수도 있다. 가입할 때 시민은 자신이 참여하고자 하는 국가를 선택해야 한다. 이러한 국가는 실제 존재하는 국가의 이름이고 대체적으로 실제와 비슷하게 위치해 있다.(다만 전쟁으로 인해 변동이 있을 수 있다.) 시민은 선택한 국가 안의 기업에서 일자리를 찾고 국가를 위한 군인으로서 훈련을 받을 기회가 주어진다. 근로와 훈련은 매일 할 수 있다. “하루에 단지 14분”만 접속해도 되는 점은 이 웹사이트 설계의 포인트들 중 하나이다. 이리퍼블릭의 골드는 새로운 세계에서 쓰이는 가상의 화폐이다. 이는 각국 화폐(미국 달러, 영국 파운드 등)의 기준이 되며 새로운 세계에서 공장을 사는 등의 요소를 구매하는데 쓰이게 된다. 일정 레벨에 도달하거나 메달 획득을 통해 얻을 수 있으며 현실의 돈으로 구매할 수 있다. 많은 유저들은 골드를 사용하게 하는 게임의 변화에 대해 불쾌함을 드러내고 있다. 이리퍼블릭 모듈 나의 토지 시민은 농장, 광산 공장, 창고와 훈련소와 같은 다양한 건물을 지을 수 있는 일정 구역의 땅을 소유하게 된다. 이러한 건물들은 하루 한번 원자재나 완성품을 생산하여 보관하고 전투에서의 대미지 양을 결정하는 힘을 기를 수 있다. 건물들은 국가화폐나 골드로 지을 수 있으며 업그레이드는 골드로만 가능하다. 예를 들어 레벨 4 공장을 레벨 5 공장으로 업그레이드하는 경우 350골드가 들게 된다. 그리고 300골드는 현실의 돈으로 99.9유로로 구매할 수 있다. 경제 건물(공장, 원자재 건물)의 효율은 국가가 소유하고 있는 천연자원에 의해 결정된다. 10가지 다른 천연자원이 존재하며 각각은 음식과 음식 원자재 혹은 무기와 무기 원자재에 20%씩의 추가적인 생산효율을 더해준다. 같은 천연자원의 중복은 추가적인 보너스가 없으며 실제로 천연자원이 많은 국가가 적은 자원을 보유한 국가보다 이득이 없도록 새로운 시계의 지도가 설계되어 있다. 정치 분야 간단히 시민으로서 플레이어는 일정 레벨에 도달하면 정당에 참여할 수 있다. 정당에 참여하게 되면 당 대표직을 위한 선거운동을 할 수 있게 된다. 선거운동이 성공적이어서 정당원에게 투표를 얻어 인정을 받게 되면 당 대표가 되며 국회의원과 대통령 후보를 지명할 수 있게 된다.(국회의원의 경우 상위 5개 정당에 들어야 후보를 지명할 수 있다.) 매달 5일에 대통령 선거가 열리고, 매달 15일에는 당 대표 선거가 열리며 25일에는 국회의원 선거가 열리게 된다. 대통령 선거 전 상위 5개 정당에서는 대선을 위한 후보를 지명하게 되며 이들은 대선에서 국민투표로 대통령이 결정된다. 국회의원 선거는 나머지 선거들보다 더 복잡하다. 상위 5개당의 당 대표는 다른 당의 지역 국회의원 지명자와 경쟁할 지역 국회의원 후보를 다수 지명하게 되며, 그 지역에 살고 있는 사람의 투표에 의해 국회의원 여부가 결정된다. 정당 투표율은 당의 의석 점유율을 결정한다(최소한 4개 지역 이상을 현재 통치하고 있다면 국회의원 의석은 40석). 미국과 같은 큰 나라들은 더욱 많은 의석이 있는데 이는 매 지역 당 그곳에 거주하는 인원수에 상관없이 최소한 한 명의 국회의원 의석을 배정하기 때문이다. 만약 동률이 나오게 되면 이리퍼블릭에서 자동적으로 한 명을 선출하게 된다. 전쟁 분야 다른 국가에 전쟁 선포를 하기 위해서 대통령이나 국회의원이 적대 관계 법안을 발의해야 한다. 이 법안이 승인이 난다면 두 국가는 전쟁상태가 되며 대통령에 의하여(또는 미선택시 매 24시간마다 자동적으로) 선택된 각 지역을 공격하게 된다. 전쟁에서 각국 시민은 개별적으로 참전하게 되며 상대는 적대국의 임의의 한 시민과 대전을 벌이게 된다. 전투에서 이기게 되면 영향력을 얻으며 이는 해당 지역에서 국가가 얻은 전체 영향력에 합산되어 이를 통해 해당 전투에서의 승패를 결정하게 된다. 각 전투는 1시간 30분에서 2시간까지 소요되며 8번의 전투에서 승리하여야 영토의 점령 또는 영토의 방어를 성공하게 된다. 전투는 어느 한쪽이 8번의 전투를 승리하기 전까지 계속된다. 전쟁은 이리퍼블릭의 국력에 있어서 잠재적인 필수 요소인데 이는 전쟁의 일원인 시민들을 더 강하게 만들고 더 높은 계급을 획득하게 하여 전투에서 더 많은 대미지를 줄 수 있게 하기 때문이다. 이론적으로 치열한 전투를 겪은 노련한 국가는 전 세계적인 강대국이 될 수 있다. 사실, 무제한적인 골드 구매 상품이 가능해지는 변화는 더 강하고 오래된 플레이어가 그가 가지고 있는 골드로 wellness pack을 구매하여 중간 규모의 국가를 정복할 수 있게 하였다. 새로운 세상에 현존하는 제국들에는 이러한 플레이어가 다수 존재한다. 스토리 새로운 세계에서의 플레이는 위의 영역들을 활용하여 목적을 이루고 경제나 정치 등의 영역에서 리더가 되는 것이다.. 시민은 신문을 활용하여 자신을, 기업을, 정당을 혹은 국가를 널리 알릴 수 있다. 국회는 경제 정책을 집행하기 위해 세율을 설정할 수 있다. 성공적인 전쟁을 위해서 국가의 경제는 이를 지탱해야 하고 동기부여가 되어야 할 것이다. 다른 특징들 트위터와 같은 곳에 알리기와 같은 기능이 있다. 골드는 현실의 돈으로 무제한적으로 구매할 수 있다. 사회적 상호작용이 중요한 이 게임에서 사이트 밖의 IRC 채널과 포럼의 활용이 활발해지자 게임 개발자는 새로운 채팅 모듈을 만들어 메인 사이트에 있으면서도 사용자들이 그들 자신의 채팅방을 만들고 다른 시민들과 대화할 수 있게 하였다. 그러나 사용자가 만든 포럼과 IRC 채널은 여전히 더욱 인기가 있었고 이에 따라 채팅 모듈은 삭제되었다. 커뮤니티 다중 접속 온라인 사회적 게임인 이리퍼블릭은 게임 내 국가에서 플레이어 간의 대화와 커뮤니티의 생성을 장려하고 있다. 플레이어는 국가 IRC 채널과 포럼을 만들고 반군, 정변과 같은 사건 또한 만들어내고 있다. 외부 링크 이리퍼블릭 공식 이리퍼블릭 위키 이리퍼블릭 전투 가이드 이리퍼블릭 경제 가이드 이리퍼블릭 정치 가이드 이리퍼블릭 기타 가이드 브라우저 게임 대규모 다중 사용자 온라인 실시간 전략 게임 2008년 비디오 게임
amphora/parallel-wiki-koen
full
The 2006–07 UEFA Cup was the 36th UEFA Cup, Europe's second-tier club football tournament. On 16 May 2007, at Hampden Park, Glasgow, Scotland, Sevilla won their second consecutive UEFA Cup, defeating Espanyol 3–1 on penalties after the match finished 2–2 after extra time. Sevilla became the first side to win the competition two years in a row since Real Madrid achieved this feat in 1985 and 1986. Walter Pandiani of Espanyol was the top goalscorer of this UEFA Cup edition with 11 goals scored. Association team allocation A total of 155 teams from 52 UEFA associations participated in the 2006–07 UEFA Cup. Associations were allocated places according to their 2005 UEFA league coefficient, which takes into account their performance in European competitions from 2000–01 to 2004–05. Below is the qualification scheme for the 2006–07 UEFA Cup: Associations 1–6, 16–21 each have three teams qualify Associations 7 and 8 each have four teams qualify Associations 9–15, 22–39, 41-50 each have two teams qualify Associations 40, 51 and 52 each have one team qualify The top three associations of the 2005–06 UEFA Fair Play ranking each gain an additional berth Eleven winning teams from the 2006 UEFA Intertoto Cup 24 teams from the 2006–07 UEFA Champions League (eight third-placed teams from the group stage and the sixteen losers of the third qualifying round) Association ranking Notes (FP): Additional fair play berth (Norway, Belgium, Sweden). Number of teams do not include teams transferred from the Intertoto Cup. Distribution The title holder would have been given an additional entry if they did not qualify for the 2006–07 UEFA Champions League or UEFA Cup through domestic performance; however, this additional entry was not necessary as Sevilla, winners of the 2005–06 UEFA Cup, qualified for the UEFA Cup through domestic performance. This means that the following changes to the default allocation system were made to compensate for the vacant title holder spot in the group stage: The first UEFA Cup qualifying entrant of association 14 (Austria) gained direct access to the 1st round – Pasching. The domestic cup winners of associations 19 and 20 (Switzerland and Norway) are moved from the first qualifying round to the second qualifying round. Teams The labels in the parentheses show how each team qualified for the place of its starting round: TH: Title holders CW: Cup winners CR: Cup runners-up LC: League Cup winners Nth: League position PO: End-of-season European competition play-offs (winners or position) IC: Intertoto Cup FP: Fair play CL: Relegated from the Champions League GS: Third-placed teams from the group stage Q3: Losers from the third qualifying round Notes Early issues Italian match-fixing scandal The 2006 Serie A scandal resulted in major changes to the clubs that originally qualified in Italy. Originally, Roma took the cup winners' place as losing finalists in the 2006 Coppa Italia, as the winners, Internazionale finished in the top four in the league and qualified for the Champions League. The other two UEFA Cup places initially went to Lazio and Chievo. Lazio, however, as well as the remaining three Champions League qualifiers (Juventus, Milan and Fiorentina), were formally indicted on 22 June on charges relating to the scandal. On 14 July, all four of the indicated clubs were penalised by an Italian court and the Italian Football Federation (FIGC). Results of the FIGC appeal were announced on 25 July. The impact on the UEFA Cup was: Lazio were barred from European competition. Roma and Chievo were promoted to the Champions League. Palermo, Livorno and Parma were granted Italy's places in the UEFA Cup. Greek Football Federation FIFA suspended the Hellenic Football Federation (HFF) from all international competitions on 3 July 2006 because of "political interference in sport" after the Greek government passed a law, giving it control of the sports authorities in Greece. After the law was amended to address FIFA's objections, FIFA reinstated the HFF on 12 July. The Greek government in response, decided to withdraw all of its funding to the Hellenic Football Federation. Qualifying rounds First qualifying round These matches were held on 13 July and 27 July 2006. |- !colspan="5"|Southern-Mediterranean region |- |- !colspan="5"|Central-East region |- |- !colspan="5"|Northern region |- |} Second qualifying round These matches were held on 8 and 10 August (first leg) and 24 August (second leg) 2006. |- !colspan="5"|Southern-Mediterranean region |- |- !colspan="5"|Central-East region |- |- !colspan="5"|Northern region |- |} 1Due to the armed conflict going on in Israel, UEFA decided that no European matches could be staged in the country until further notice. Hapoel Tel Aviv's home match was moved to Tilburg, Netherlands, Beitar Jerusalem's to Sofia, Bulgaria and Bnei Yehuda Tel Aviv's to Senec, Slovakia 2These clubs qualified for this season's UEFA competitions as members of the Football Association of Serbia and Montenegro during the 2005–06 season but are currently members of the Football Association of Serbia which is the official successor of the previous football association. 3Derry City are a team from Northern Ireland who play in the Republic of Ireland's football league. The flag of the Republic of Ireland is used for the purposes of official records as Derry City are a team representing the Football Association of Ireland. First round The matches were held on 14 September (first leg) and 28 September 2006 (second leg). } } } } |} 4Due to the armed conflict in Israel, UEFA had ruled that European tournament matches could not be played in Israel until further notice. Maccabi Haifa's home leg on 14 September was moved to Nijmegen, Netherlands. On 15 September, UEFA lifted the ban, allowing future matches to be played in the Tel Aviv area. Hapoel Tel Aviv were able to play their home leg in Tel Aviv on 28 September. 5UEFA ordered Trabzonspor's home leg on 14 September to be played behind closed doors after objects were thrown at visiting fans and the fourth official, and a smoke bomb ignited in the stands, during their second qualifying round home leg against Cypriots APOEL. Trabzonspor appealed, and UEFA rejected the appeal on 13 September. Trabzonspor's penalty includes a second closed-doors game, a penalty which has been deferred for two years and will be removed if no further incidents occur. Group stage The top three teams (highlighted in green) of each group qualified for the next round. Based on paragraph 4.06 in the UEFA regulations for the current season, if two or more teams are equal on points on completion of all the group matches, the following criteria are applied to determine the rankings: superior goal difference from all group matches played; higher number of goals scored in all group matches played; higher number of goals scored away in all group matches played; higher number of wins; higher number of away wins; higher number of coefficient points accumulated by the club in question, as well as its association, over the previous five seasons (see paragraph 6.03 of the UEFA regulations). Group A Group B Group C Group D Group E Group F Group G Group H Knockout stage Bracket Round of 32 The first legs were held on 14 February and 15 February 2007, while the second legs were held on 22 February 2007. 1 On 7 February, the Italian Government ruled that Parma and Livorno's home fields did not meet requirements following riots held after an Italian Serie A match in Sicily. Livorno played its home leg behind closed doors on 14 February. Parma played its home leg behind closed doors on 22 February. 2 On 19 January, UEFA declared that Feyenoord had been disqualified after a member of their crowd threw a glass of beer at Morten Gamst Pedersen in their group stage match at home to Blackburn Rovers. UEFA announced on 25 January that Tottenham Hotspur had received a bye. This was confirmed after a final appeal. Round of 16 The first legs were held on 8 March 2007, while the second legs were held on 14 and 15 March 2007. Quarter-finals The draw for the final stages, included quarter-finals and semi-finals, was held on 16 March 2007 in Glasgow, Scotland. The quarter-final matches were played on 5 April and 12 April 2007. Semi-finals The semi-final matches were played on 26 April and 3 May 2007. Final Top goalscorers See also 2006–07 UEFA Champions League 2006 UEFA Intertoto Cup 2007 UEFA Super Cup References External links 2006–07 All matches UEFA Cup – season at UEFA website All scorers 2006–07 UEFA Cup according to (excluding preliminary round) according to protocols UEFA + all scorers preliminary round 2006/07 UEFA Cup – results and line-ups (archive) Contenders await group stage draw – 2006/07 UEFA Cup group stage seeding pots UEFA Cup seasons 2006–07 in European football
2006-07년 UEFA컵(2006-07 UEFA Cup)은 36번째 UEFA컵 대회이다. 이 대회의 결승전은 2007년 5월 16일, 스코틀랜드의 글래스고에 위치한 햄던 파크에서 열렸고, 세비야와 에스파뇰 간에 열렸다. 전후반, 연장전까지 2-2로 마치고 승부차기에서 세비야가 3-1로 승리하며 2회 연속 우승을 하였다. 세비야의 이번 2회 연속 우승은 1985년과 1986년 대회를 연속 우승한 레알 마드리드 이후 최초이다. 이슈 이탈리아 승부조작 스캔들 2006년의 세리에 A에서 승부조작 스캔들로 유럽 대회에 출전하는 팀에 주요한 변화가 있었다. 원래는 컵 대회 우승 팀에게 주어지는 자리는 코파 이탈리아 우승 팀인 FC 인테르나치오날레 밀라노에게 주어졌지만, 인테르가 상위 4위 안에 듦으로써 챔피언스리그에 진출하게 되자, 이 자리는 준우승 팀인 AS 로마가 출전하게 되어 있었다. 나머지 두 장은 라치오와 키에보가 차지했었다. 그러나 라치오를 비롯하여 챔피언스리그 진출팀인 유벤투스, 밀란, 피오렌티나가 스캔들과 관련되었다는 죄목으로 6월 22일에 공식적으로 기소되었다. 7월 14일, 스캔들에 연루된 네 클럽은 이탈리아 법원과 이탈리아 축구 협회로부터 유죄판결을 받았다. 이 결과는 7월 25일에 발표되었고, 이 결과는 UEFA컵에도 영향을 미쳤다. 라치오는 유럽 대회 출전이 금지되었다. 로마와 키에보는 챔피언스리그로 진출하게 되었다. 팔레르모, 리보르노, 파르마가 UEFA컵에 진출하게 되었다. 그리스 축구 협회 FIFA는 그리스 정부가 그리스의 스포츠 당국에 대한 지배권을 주는 법을 통과시킨 뒤에 이를 "스포츠의 정치적 간섭"이라고 여겨 2006년 7월 3일부터 모든 국제 대회 출전을 중지시켰다. FIFA의 반대로 인해 법이 수정된 후에, 7월 12일에 FIFA는 그리스 축구 협회에 내린 징계를 원상태로 돌렸다. 그리스 정부는 이에 대한 대답으로 그리스 축구 협회에 자금을 제공하는 것을 모두 중지하였다. 예선전 1차 예선전 1차전은 2006년 7월 13일에 열렸고, 2차전은 7월 27일에 열렸다. !colspan="5"|남부-지중해 지역 |- |- !colspan="5"|중앙-동부 지역 |- |- !colspan="5"|북부 지역 |- |} 2차 예선전 1차전은 2006년 8월 8일과 8월 10일에 열렸고, 2차전은 8월 24일에 열렸다. !colspan="5"|남부-지중해 지역 |- |- !colspan="5"|중앙-동부 지역 |- |- !colspan="5"|북부 지역 |- |} 1 2006년의 이스라엘과 레바논 갈등 때문에, UEFA는 이스라엘에서 또다른 조처가 있을 때까지 경기를 진행시킬 수 없었다. 하포엘 텔아비브의 홈경기는 네덜란드의 틸뷔르흐에서 진행하였고, 베이타르 예루살렘의 홈경기는 불가리아의 소피아에서 진행되었다. 그리고 브네이 예후다 텔아비브의 홈경기는 슬로바키아의 브라티슬라바 인근 지역인 세네츠에서 열렸다. 2 이 클럽들은 2005-06 시즌을 세르비아 몬테네그로의 UEFA컵 진출권을 따내어 출전하였지만, 현재는 세르비아 몬테네그로의 정식 계승국가인 세르비아의 클럽으로 출전하였다. 3 합계 1-1, 원정 다득점도 동일하여 승부차기를 실시하여 11-10으로 스타르트가 승리하였다. 4 데리 시티는 북아일랜드 지역팀이지만 아일랜드의 축구 리그에서 활동하고 있다. 이 아일랜드의 국기는 데리 시티가 북아일랜드 연고팀이지만 아일랜드리그에서 활동하고 있기 때문에 기록을 위해 붙이는 것이다. 1회전 1차전은 2006년 9월 14일에 열렸고, 2차전은 9월 28일에 열렸다. |} 5 2006년의 이스라엘과 레바논의 분쟁 때문에, UEFA는 이스라엘에서의 유럽 대회 경기의 진행이 불가능하다고 판단하여 추가 조치가 있을 때까지 이스라엘에서의 경기를 금지하였다. 마카비 하이파의 9월 14일의 홈경기는 네덜란드의 네이메헌에서 진행되었다. 9월 15일에 UEFA는 경기 금지를 철회하고, 텔아비브 지역에서의 경기를 허가하였다. 따라서 하포엘 텔아비브는 9월 28일의 홈경기를 텔아비브에서 실시하게 되었다. 6 UEFA는 트라브존스포르의 9월 14일 홈경기를 무관중 경기로 실시하게 하였는데, 이는 지난 2차 예선전 때, 키프로스의 아포엘과의 홈경기 당시에 관중석에서 연기 폭탄에 불을 붙이고 이물질을 원정팬과 대기심에게 던졌기 때문이다. 트라브존스포르는 이에 대해 어필하였으나, 9월 13일에 UEFA는 이 어필을 받아들이지 않았다. 트라브존스포르의 이 벌칙은 무관중 경기를 포함하여, 또다른 사건이 향후 2년간 발생하지 않을 경우에 철회되는 것으로 연장되었다. 조별 리그 A조 B조 C조 D조 E조 F조 G조 H조 토너먼트 32강전 1차전은 2007년 2월 14일과 2월 15일에 열렸고, 2차전은 2월 22일에 열렸다. |} 1 2월 7일, 이탈리아 정부는 파르마와 리보르노의 홈경기장이 2007년에 시실리에서 열린 세리에 A 경기에서의 폭동으로 인하여 결정된 요구에 맞지 않는다고 판결하였다. 리보르노는 홈경기를 2월 14일에 무관중으로 치렀고, 파르마는 2월 22일에 무관중 경기를 치렀다. 2 1월 19일, UEFA는 페예노르트와 AS 낭시와의 조별리그 마지막 경기에서 페예노르트 관중들의 무례한 행동으로 인하여 대회에서 제외되었다고 선언하였다. UEFA는 1월 25일에 토트넘 홋스퍼가 기권승으로 올라갔다고 발표하였다. 16강전 1차전은 2007년 3월 8일에 열렸고, 2차전은 3월 14일과 3월 15일에 열렸다. |} 8강전 1차전은 2007년 4월 5일에 열렸고, 2차전은 4월 12일에 열렸다. |} 준결승전 1차전은 2007년 4월 26일에 열렸고, 2차전은 5월 3일에 열렸다. |} 결승전 결승전은 2007년 5월 16일, 스코틀랜드의 글래스고에 위치한 햄던 파크에서 개최되었다. 각주 외부 링크 UEFA컵 공식 사이트 현 시즌의 규칙 UEFA컵 시즌 UEFA컵 UEFA컵
amphora/parallel-wiki-koen
full
Assume that today's date is 12/31/2022 and we're writing a monthly business report about our team's performance. We want to summarize how many sales we had in August 2022, how that compared month over month, and how that changed year over year. We also want to include how many unique buyers we had that month. """ Given the following content to extract from: """ month,sales\_usd,unique\_buyers,total\_transactions,avg\_sale 12/1/2022,"1,447,098","8,308","128,477",$11.26 11/1/2022,"2,074,764","10,023","148,440",$13.98 10/1/2022,"2,674,792","13,462","188,864",$14.16 9/1/2022,"4,683,073","12,712","211,829",$22.11 8/1/2022,"7,042,031","15,369","423,164",$16.64 7/1/2022,"8,338,866","17,552","547,841",$15.22 6/1/2022,"7,722,164","25,200","382,749",$20.18 5/1/2022,"13,931,450","34,936","786,680",$17.71 4/1/2022,"26,402,816","37,440","1,036,816",$25.47 3/1/2022,"29,475,484","40,828","1,217,918",$24.20 2/1/2022,"47,606,739","73,304","1,716,666",$27.73 1/1/2022,"59,020,026","64,494","1,828,283",$32.28 12/1/2021,"38,837,806","49,829","1,369,789",$28.35 11/1/2021,"25,236,903","64,650","1,285,372",$19.63 10/1/2021,"40,869,575","65,769","1,127,610",$36.24 9/1/2021,"20,282,690","47,434","659,935",$30.73 8/1/2021,"37,502,857","57,618","833,278",$45.01 7/1/2021,"22,245,483","60,027","1,021,688",$21.77 6/1/2021,"45,367,753","76,032","1,657,712",$27.37 5/1/2021,"40,855,232","114,264","1,319,971",$30.95 4/1/2021,"82,309,626","120,057","1,263,374",$65.15 3/1/2021,"208,285,837","184,008","1,327,028",$156.96 2/1/2021,"224,070,124","80,822","1,232,459",$181.81 1/1/2021,"40,547,118","19,185","505,572",$80.20 12/1/2020,"869,161",910,"32,056",$27.11 11/1/2020,"322,531",489,"9,889",$32.62 10/1/2020,"835,451",920,"19,689",$42.43 9/1/2020,"222,576",456,"7,188",$30.96 8/1/2020,"154,684",313,"6,610",$23.40 7/1/2020,"8,352",35,265,$31.52 Given the following format to mirror: """ In November 2022, we saw $2,074,764 of sales (-22.4% versus last month; -91.8% versus last year) across 10,023 unique buyers. """ Extract the text from the following content relevant to the question: """ month,sales\_usd,unique\_buyers,total\_transactions,avg\_sale 12/1/2022,"1,447,098","8,308","128,477",$11.26 11/1/2022,"2,074,764","10,023","148,440",$13.98 10/1/2022,"2,674,792","13,462","188,864",$14.16 9/1/2022,"4,683,073","12,712","211,829",$22.11 8/1/2022,"7,042,031","15,369","423,164",$16.64 7/1/2022,"8,338,866","17,552","547,841",$15.22 6/1/2022,"7,722,164","25,200","382,749",$20.18 5/1/2022,"13,931,450","34,936","786,680",$17.71 4/1/2022,"26,402,816","37,440","1,036,816",$25.47 3/1/2022,"29,475,484","40,828","1,217,918",$24.20 2/1/2022,"47,606,739","73,304","1,716,666",$27.73 1/1/2022,"59,020,026","64,494","1,828,283",$32.28 12/1/2021,"38,837,806","49,829","1,369,789",$28.35 11/1/2021,"25,236,903","64,650","1,285,372",$19.63 10/1/2021,"40,869,575","65,769","1,127,610",$36.24 9/1/2021,"20,282,690","47,434","659,935",$30.73 8/1/2021,"37,502,857","57,618","833,278",$45.01 7/1/2021,"22,245,483","60,027","1,021,688",$21.77 6/1/2021,"45,367,753","76,032","1,657,712",$27.37 5/1/2021,"40,855,232","114,264","1,319,971",$30.95 4/1/2021,"82,309,626","120,057","1,263,374",$65.15 3/1/2021,"208,285,837","184,008","1,327,028",$156.96 2/1/2021,"224,070,124","80,822","1,232,459",$181.81 1/1/2021,"40,547,118","19,185","505,572",$80.20 12/1/2020,"869,161",910,"32,056",$27.11 11/1/2020,"322,531",489,"9,889",$32.62 10/1/2020,"835,451",920,"19,689",$42.43 9/1/2020,"222,576",456,"7,188",$30.96 8/1/2020,"154,684",313,"6,610",$23.40 7/1/2020,"8,352",35,265,$31.52 """ Summarize the extracted text from the content above in the format to mirror: """
오늘 날짜가 2022년 12월 31일이고 우리 팀의 실적에 대한 월간 비즈니스 보고서를 작성하고 있다고 가정해 보겠습니다. 2022년 8월의 판매량, 월별 비교, 전년 대비 변화 추이를 요약하고 싶습니다. 또한 해당 월의 순 구매자 수도 포함하려고 합니다."""다음 콘텐츠에서 추출할 내용이 주어집니다:"""월,판매\_USD,고유\_구매자,총\_거래,평균\_판매12/1/2022,"1,447,098","8,308","128,477",$11.2611/1/2022,"2,074,764","10,023","148,440",$13.9810/1/2022,"2,674,792","13,462","188,864",$14.169/1/2022,"4,683,073","12,712","211,829",$22.118/1/2022,"7,042,031","15,369","423,164",$16.647/1/2022,"8,338,866","17,552","547,841",$15.226/1/2022,"7,722,164","25,200","382,749",$20.185/1/2022,"13,931,450","34,936","786,680",$17.714/1/2022,"26,402,816","37,440","1,036,816",$25.473/1/2022,"29,475,484","40,828","1,217,918",$24.202/1/2022,"47,606,739","73,304","1,716,666",$27.731/1/2022,"59,020,026","64,494","1,828,283",$32.2812/1/2021,"38,837,806","49,829","1,369,789",$28.3511/1/2021,"25,236,903","64,650","1,285,372",$19.6310/1/2021,"40,869,575","65,769","1,127,610",$36.249/1/2021,"20,282,690","47,434","659,935",$30.738/1/2021,"37,502,857","57,618","833,278",$45.017/1/2021,"22,245,483","60,027","1,021,688",$21.776/1/2021,"45,367,753","76,032","1,657,712",$27.375/1/2021,"40,855,232","114,264","1,319,971",$30.954/1/2021,"82,309,626","120,057","1,263,374",$65.153/1/2021,"208,285,837","184,008","1,327,028",$156.962/1/2021,"224,070,124","80,822","1,232,459",$181.811/1/2021,"40,547,118","19,185","505,572",$80.2012/1/2020,"869,161",910,"32,056",$27.1111/1/2020,"322,531",489,"9,889",$32.6210/1/2020,"835,451",920,"19,689",$42.439/1/2020,"222,576",456,"7,188",$30.968/1/2020,"154,684",313,"6,610",$23.407/1/2020,"8,352",35,265,$31.52미러링할 형식은 다음과 같습니다:"""2022년 11월에는 10,023명의 고유 구매자가 2,074,764달러(전월 대비 -22.4%, 작년 대비 -91.8%)의 매출을 기록했습니다."""질문과 관련된 다음 콘텐츠에서 텍스트를 추출합니다:"""월,판매\_USD,고유\_구매자,총\_거래,평균\_판매12/1/2022,"1,447,098","8,308","128,477",$11.2611/1/2022,"2,074,764","10,023","148,440",$13.9810/1/2022,"2,674,792","13,462","188,864",$14.169/1/2022,"4,683,073","12,712","211,829",$22.118/1/2022,"7,042,031","15,369","423,164",$16.647/1/2022,"8,338,866","17,552","547,841",$15.226/1/2022,"7,722,164","25,200","382,749",$20.185/1/2022,"13,931,450","34,936","786,680",$17.714/1/2022,"26,402,816","37,440","1,036,816",$25.473/1/2022,"29,475,484","40,828","1,217,918",$24.202/1/2022,"47,606,739","73,304","1,716,666",$27.731/1/2022,"59,020,026","64,494","1,828,283",$32.2812/1/2021,"38,837,806","49,829","1,369,789",$28.3511/1/2021,"25,236,903","64,650","1,285,372",$19.6310/1/2021,"40,869,575","65,769","1,127,610",$36.249/1/2021,"20,282,690","47,434","659,935",$30.738/1/2021,"37,502,857","57,618","833,278",$45.017/1/2021,"22,245,483","60,027","1,021,688",$21.776/1/2021,"45,367,753","76,032","1,657,712",$27.375/1/2021,"40,855,232","114,264","1,319,971",$30.954/1/2021,"82,309,626","120,057","1,263,374",$65.153/1/2021,"208,285,837","184,008","1,327,028",$156.962/1/2021,"224,070,124","80,822","1,232,459",$181.811/1/2021,"40,547,118","19,185","505,572",$80.2012/1/2020,"869,161",910,"32,056",$27.1111/1/2020,"322,531",489,"9,889",$32.6210/1/2020,"835,451",920,"19,689",$42.439/1/2020,"222,576",456,"7,188",$30.968/1/2020,"154,684",313,"6,610",$23.407/1/2020,"8,352",35,265,$31.52"""위 콘텐츠에서 추출한 텍스트를 미러링할 형식으로 요약합니다:"""
squarelike/sharegpt_deepl_ko_translation
full
Ballistics is the field of mechanics concerned with the launching, flight behaviour and impact effects of projectiles, especially ranged weapon munitions such as bullets, unguided bombs, rockets or the like; the science or art of designing and accelerating projectiles so as to achieve a desired performance. A ballistic body is a free-moving body with momentum which can be subject to forces such as the forces exerted by pressurized gases from a gun barrel or a propelling nozzle, normal force by rifling, and gravity and air drag during flight. A ballistic missile is a missile that is guided only during the relatively brief initial phase of powered flight and the trajectory is subsequently governed by the laws of classical mechanics; in contrast to (for example) a cruise missile which is aerodynamically guided in powered flight like a fixed-wing aircraft. History and prehistory The earliest known ballistic projectiles were stones and spears, and the throwing stick. The oldest evidence of stone-tipped projectiles, which may or may not have been propelled by a bow (c.f. atlatl), dating to c. 64,000 years ago, were found in Sibudu Cave, present day-South Africa. The oldest evidence of the use of bows to shoot arrows dates to about 10,000 years ago; it is based on pinewood arrows found in the Ahrensburg valley north of Hamburg. They had shallow grooves on the base, indicating that they were shot from a bow. The oldest bow so far recovered is about 8,000 years old, found in the Holmegård swamp in Denmark. Archery seems to have arrived in the Americas with the Arctic small tool tradition, about 4,500 years ago. The first devices identified as guns appeared in China around 1000 AD, and by the 12th century the technology was spreading through the rest of Asia, and into Europe by the 13th century. After millennia of empirical development, the discipline of ballistics was initially studied and developed by Italian mathematician Niccolò Tartaglia in 1531, although he continued to use segments of straight-line motion, conventions established by the Greek philosopher Aristotle and Albert of Saxony, but with the innovation that he connected the straight lines by a circular arc. Galileo established the principle of compound motion in 1638, using the principle to derive the parabolic form of the ballistic trajectory. Ballistics was put on a solid scientific and mathematical basis by Isaac Newton, with the publication of Philosophiæ Naturalis Principia Mathematica in 1687. This gave mathematical laws of motion and gravity which for the first time made it possible to successfully predict trajectories. The word ballistics comes from the Greek , meaning "to throw". Projectiles A projectile is any object projected into space (empty or not) by the exertion of a force. Although any object in motion through space (for example a thrown baseball) is a projectile, the term most commonly refers to a ranged weapon. Mathematical equations of motion are used to analyze projectile trajectory. Examples of projectiles include balls, arrows, bullets, artillery shells, wingless rockets, etc. Projectile launchers Throwing Throwing is the launching of a projectile by hand. Although some other animals can throw, humans are unusually good throwers due to their high dexterity and good timing capabilities, and it is believed that this is an evolved trait. Evidence of human throwing dates back 2 million years. The 90 mph throwing speed found in many athletes far exceeds the speed at which chimpanzees can throw things, which is about 20 mph. This ability reflects the ability of the human shoulder muscles and tendons to store elasticity until it is needed to propel an object. Sling A sling is a projectile weapon typically used to throw a blunt projectile such as a stone, clay or lead "sling-bullet". A sling has a small cradle or pouch in the middle of two lengths of cord. The sling stone is placed in the pouch. The middle finger or thumb is placed through a loop on the end of one cord, and a tab at the end of the other cord is placed between the thumb and forefinger. The sling is swung in an arc, and the tab released at a precise moment. This frees the projectile to fly to the target. Bow A bow is a flexible piece of material which shoots aerodynamic projectiles called arrows. The arrow is perhaps the first lethal projectile ever described in discussion of ballistics. A string joins the two ends and when the string is drawn back, the ends of the stick are flexed. When the string is released, the potential energy of the flexed stick is transformed into the velocity of the arrow. Archery is the art or sport of shooting arrows from bows. Catapult A catapult is a device used to launch a projectile a great distance without the aid of explosive devices – particularly various types of ancient and medieval siege engines. The catapult has been used since ancient times, because it was proven to be one of the most effective mechanisms during warfare. The word "catapult" comes from the Latin , which in turn comes from the Greek (), itself from (), "against” and (), "to toss, to hurl". Catapults were invented by the ancient Greeks. Gun A gun is a normally tubular weapon or other device designed to discharge projectiles or other material. The projectile may be solid, liquid, gas, or energy and may be free, as with bullets and artillery shells, or captive as with Taser probes and whaling harpoons. The means of projection varies according to design but is usually effected by the action of gas pressure, either produced through the rapid combustion of a propellant or compressed and stored by mechanical means, operating on the projectile inside an open-ended tube in the fashion of a piston. The confined gas accelerates the movable projectile down the length of the tube imparting sufficient velocity to sustain the projectile's travel once the action of the gas ceases at the end of the tube or muzzle. Alternatively, acceleration via electromagnetic field generation may be employed in which case the tube may be dispensed with and a guide rail substituted. A weapons engineer or armourer who applies the scientific principles of ballistics to design cartridges are often called a ballistician. Rocket A rocket is a missile, spacecraft, aircraft or other vehicle that obtains thrust from a rocket engine. Rocket engine exhaust is formed entirely from propellants carried within the rocket before use. Rocket engines work by action and reaction. Rocket engines push rockets forward simply by throwing their exhaust backwards extremely fast. While comparatively inefficient for low speed use, rockets are relatively lightweight and powerful, capable of generating large accelerations and of attaining extremely high speeds with reasonable efficiency. Rockets are not reliant on the atmosphere and work very well in space. Rockets for military and recreational uses date back to at least 13th century China. Significant scientific, interplanetary and industrial use did not occur until the 20th century, when rocketry was the enabling technology for the Space Age, including setting foot on the Moon. Rockets are now used for fireworks, weaponry, ejection seats, launch vehicles for artificial satellites, human spaceflight, and space exploration. Chemical rockets are the most common type of high performance rocket and they typically create their exhaust by the combustion of rocket propellant. Chemical rockets store a large amount of energy in an easily released form, and can be very dangerous. However, careful design, testing, construction and use minimizes risks. Subfields Ballistics is often broken down into the following four categories: Internal ballistics the study of the processes originally accelerating projectiles Transition ballistics the study of projectiles as they transition to unpowered flight External ballistics the study of the passage of the projectile (the trajectory) in flight Terminal ballistics the study of the projectile and its effects as it ends its flight Internal ballistics Internal ballistics (also interior ballistics), a sub-field of ballistics, is the study of the propulsion of a projectile. In guns internal ballistics covers the time from the propellant's ignition until the projectile exits the gun barrel. The study of internal ballistics is important to designers and users of firearms of all types, from small-bore rifles and pistols, to high-tech artillery. For rocket propelled projectiles, internal ballistics covers the period during which a rocket engine is providing thrust. Transitional ballistics Transitional ballistics, also known as intermediate ballistics, is the study of a projectile's behavior from the time it leaves the muzzle until the pressure behind the projectile is equalized, so it lies between internal ballistics and external ballistics. External ballistics External ballistics is the part of the science of ballistics that deals with the behaviour of a non-powered projectile in flight. External ballistics is frequently associated with firearms, and deals with the unpowered free-flight phase of the bullet after it exits the gun barrel and before it hits the target, so it lies between transitional ballistics and terminal ballistics. However, external ballistics is also concerned with the free-flight of rockets and other projectiles, such as balls, arrows etc. Terminal ballistics Terminal ballistics is the study of the behavior and effects of a projectile when it hits its target. Terminal ballistics is relevant both for small caliber projectiles as well as for large caliber projectiles (fired from artillery). The study of extremely high velocity impacts is still very new and is as yet mostly applied to spacecraft design. Applications Forensic ballistics Forensic ballistics involves analysis of bullets and bullet impacts to determine information of use to a court or other part of a legal system. Separately from ballistics information, firearm and tool mark examinations ("ballistic fingerprinting") involve analyzing firearm, ammunition, and tool mark evidence in order to establish whether a certain firearm or tool was used in the commission of a crime. Astrodynamics Astrodynamics is the application of ballistics and celestial mechanics to the practical problems concerning the motion of rockets and other spacecraft. The motion of these objects is usually calculated from Newton's laws of motion and Newton's law of universal gravitation. It is a core discipline within space mission design and control. See also Notes References , κατά πάλλω . External links Association of Firearm and Tool Mark Examiners Ballistic Trajectories by Jeff Bryant, The Wolfram Demonstrations Project Forensic Firearms and Tool Marks Time Line International Ballistics Society The Bullet's Flight from Powder to TargetFranklin Weston Mann Articles containing video clips
탄도학(彈道學, ballistics)은 총포탄, 미사일 등 비상체(탄체)가 물리적인 힘이나 화약에 의해 가속돼서 최종 목표에 도달하기까지의 운동과 그 운동에 영향을 끼치는 요인들을 조사하는 학문이다. 탄도학은 무기의 발달에 따라 요구되는 비상체의 운동의 역학적 분석에 의해 점차 발달했다. 현재까지는 화약폭발에 의해 일어나는 복잡한 기류, 그로 인해 일어나는 강외에서 일어나는 공기역학적인 매우 복잡한 모든 현상 등을 미적분학과 물리학으로 분석하여 비상체가 목표지점에 도달할 수 있도록 하는 연구가 주를 이뤘으나, 최근에 인공위성과 같은 우주비상체가 탄생함으로써 이것에 대한 궤도를 분석하는 일까지 탄도학이라 불린다. 근대에 탄도학으로 해결된 문제 중 지금까지 쓰이고 있는 것이 총 안에 들어가는 강선인데, 강선은 무회전탄체가 발사되어 전복모멘트로 인해 회전하며 불안정하게 비행하는 것을 막기 위해 탄체가 회전하도록 폭발 기류를 형성하여준다. 이처럼 탄도학은 근대의 무기 발달에 큰 도움을 주었으며 현재에도 무기발달에 지대한 영향력을 행사하고 있다. 현재 우리가 발사해야하는 대부분의 비상체가 고도의 기술을 요하고, 기술로 해결이 안되어 수많은 실험을 통해 얻은 데이터를 통해 탄도를 예측해야 하기에 복잡한 수식이 들어가는데, 매번 이렇게 방대한 수치계산을 할 수 없었다. 결국 인류는 복잡한 계산을 수행할 수 있는 컴퓨터를 개발하게 되었고 '전산유체역학' 같은 컴퓨터 프로그램을 만들어내어 계산의 편리성을 확보하는 계기가 되었다. 탄도학의 역사 가장 먼저 알려진 비상체는 돌과 창, 그리고 호주의 부메랑이었다. 화살을 쏘는 활의 사용은 약 1만년전으로 거슬러 올라가며 남아프리카 공화국의 Sibudu 동굴에서 그 흔적을 찾을 수 있다고 한다. 지금까지 회수 된 가장 오래된 활은 덴마크의 Holmegård 늪에서 발견되었고, 약 8000년이 된것으로 추정된다고 한다. 총으로 확인된 최초의 기기는 서기 1000년 쯤에 중국에 등장, 그리고 12세기에 기술이 아시아 지역으로 퍼지게 되었고, 13세기에 유럽으로 전파되었다. 총이 점차 발달함에 따라 로켓의 기술 또한 개발되는데, 현대의 액체연료 로켓은 1926년 3월 16일 미국의 '로버트 고더드'가 처음으로 개발하였다. 비상체(탄체) 비상체는 외부의 힘으로 공간에 발사되는 물체이다. 공단에 발사되는 모든 물체를 비상체(탄체)로 지칭하지만 탄도학에서는 대부분 원거리 무기를 의미한다. 수학 방정식이 이 비상체의 궤적을 분석하는데 사용된다. 비상체는 공, 화살, 로켓 등을 포함한다. 비상체 발사 장치 던지기 던지기는 사람의 손으로 비상체를 발사시키는 것이다. 비록 다른 동물들도 비상체를 던질 수 있지만, 인간은 손을 쓰는 재주가 탁월하고 타이밍을 맞출수 있는 좋은 능력을 가졌다. 이는 인간의 진화과정의 특성이라고 여겨진다. 많은 운동선수들은 90mph로 돌을 던질 수 있는데 반해, 침팬지는 20mph까지 밖에 던지지 못한다. 이 능력은 인간의 어깨근육이나 힘줄의 물체를 던지는 능력이 탁월함을 보여준다. 활 활은 탄성이 있는 재료로 만든 줄로 공기역학적인 특성을 띄는 가늘고 긴 화살이라는 비상체를 발사시킨다. 줄은 활의 두 끝을 연결하고 있으며, 줄을 당겼을 때 생기는 퍼텐셜 에너지가 화살의 운동에너지로 바뀌는 원리를 이용한 것이다. 양궁은 이 활을 이용한 스포츠다. 투석기 투석기는 어떤 폭발적인 힘을 이용하지 않고도 비행체를 먼 거리까지 발사시킬 수 있는 기기다. 이는 특히 고대나 중세시대에 많이 쓰였다. 투석기는 고대시대에는 전쟁에서 아주 효율적인 무기라고 평가받았다. 총 총은 관처럼 생긴 무기로서 주로 화약을 사용하여 비상체를 발사시키기 위한 기기로 고안되었다. 그러나 최근에 총이라고 하는 것은 화약·공기·전기 등의 힘으로 비상체를 총신·포신 안에서 가속시키고, 비상체가 총신을 떠난 후부터는 관성에 의해 운동하도록 된 것을 뜻한다. 총열 내부에 강선이라는 나선형 홈을 삽입하여 화약이 폭발할 때 생성되는 기류와 탄두를 회전시켜 탄두를 안정시키고, 탄두가 목표 지점까지 정확하고 안정적으로 날아가게 할 수 있다. 특히 요즘 화약을 대체할만한 가속법으로 전자기력을 꼽고 있는데, 두 레일을 놓고 그 가운데 비상체를 놓고 전류를 흘려 자기장의 힘으로 발사하는 방법이 여러나라에서 개발 중이다. 로켓 로켓은 로켓 엔진으로부터 동력을 얻는 미사일이나 전투기 등을 통칭한다. 로켓엔진은 연료를 뒤로 엄청난 속도로 분사하면서 로켓을 빠른 속도로 가속시켜준다. 저속용으로는 상대적으로 비효율적인 면이 있지만, 큰 가속도와 속력을 필요로 한다면 매우 합리적인 효율로 높은 속도를 달성할 수 있다. 연구 방법에 따른 분류 강내탄도학: 강체내에서 일어나는 현상을 연구하는 학문. 대부분 화약에 의한 충격파나 기류를 연구하여 비상체에 영향을 미치는 영향들을 분석한다. 강외탄도학: 강체외에서 일어나는 현상을 연구하는 학문. 비상체가 총구를 떠나 어떤 매개체를 통하여 목표까지 비행하는 동안 어떤 힘을 받고, 비행하는 동안 생기는 일을 연구하는 분야. 최종탄도학: 비상체가 목표물에 도달 후 목표물 내에서 탄자의 운동과 목표를 어떻게 파괴하는가를 다루는 분야이다. 같이 보기 총상 전산 유체 역학 탄도 진자 로켓 유체역학 강선 충격파 기류 투석기 활 참고 "Ancient history." Automata. Retrieved May 6, 2012. Lyn Wadley from the University of the Witwatersrand (2010); BBC: Oldest evidence of arrows found McEwen E, Bergman R, Miller C. Early bow design and construction. Scientific American 1991 vol. 264 pp76-82. Judith Herbst, The History Of Weapons, Lerner Publications, 2005, page 8 "The free Dictionary". Retrieved 2010-05-19. "Dictionary.com". Retrieved 2010-05-19. a b c Melissa Hogenboom, "Origins of human throwing unlocked", BBC News (26 June 2013). Paterson Encyclopaedia of Archery pp. 27-28 Paterson Encyclopaedia of Archery p. 17 Gurstelle, William (2004). The art of the catapult: build Greek ballista, Roman onagers, English trebuchets, and more ancient artillery. Chicago: Chicago Review Press. . OCLC 54529037. Liddell, Henry George; Scott, Robert, "κατά", A Greek-English Lexicon (definition), Perseus, Tufts. Liddell, Henry George; Scott, Robert, "πάλλω", A Greek-English Lexicon, Perseus, Tufts.
amphora/parallel-wiki-koen
full
Wuhan Tianhe International Airport is an airport serving Wuhan, the capital of the Hubei province, China. It was opened on 15 April 1995, replacing the old Hankou Wangjiadun Airport and Nanhu Airport as the major airport of Wuhan. The airport is located in Wuhan's suburban Huangpi District, around to the north of Wuhan city center. It is the busiest airport in central China as it is geographically located in the centre of China's airline route network. The airport served 20,772,000 passengers in 2016, making it the 14th busiest airport by passenger traffic in China. The airport is a focus city for Air China, China Eastern Airlines, and China Southern Airlines. The airport has flights to international destinations such as New York City, San Francisco, Tokyo, Rome, Istanbul, Dubai, Sydney, Bali, Bangkok, Moscow, Osaka, Seoul, and Singapore. The name Tianhe () can be literally translated as "Sky River"; Tianhe is also one of the names for the Milky Way in ancient Chinese. Since 2019, passengers from 53 countries such as the EU countries, Japan, South Korea, Russia, the U.S., when transiting to a third country, can enter China from this airport without a Chinese visa for up to 144 hours. On 23 January 2020, the airport was closed due to the 2020 Hubei lockdowns in response to the COVID-19 pandemic, where the first outbreak happened in Wuhan. The airport reopened on 8 April 2020 following a large-scale disinfection. History To replace the old Wangjiadun Airport and the larger, international Nanhu Airport, the Chinese government permitted plans to build a commercial airport in Tianhe Town, Huangpi District, Wuhan on 1 July 1985. The first term construction started in December 1989 and finished in April 1994. It initially operated domestic flights but later in 2000, the CAA re-designated it as an international airport. Nanhu Airport was the main airport of Wuhan before 1995. Although built in 1936 as a military airport and 1951 as a civil airport, it was located near the city center, and by 1994, air traffic had climaxed and the airport was too small to handle larger amount of passengers. The first international flight from and to Wuhan only started on Halloween 1992, when Wuhan-Vientiane route was opened. The airport was opened on 15 April 1995, and the old Nanhu Airport is closed in the same time. Any passengers still waiting at Nanhu Airport were immediately taken by bus to the new Tianhe Airport. Wangjiadun Airport still opened by that time, but mainly for military operations, then closed and demolished in 2007. The airport has expanded twice – first for terminal 2 and second for terminal 3, new control tower and the second runway. Wuhan opened up to intercontinental flights when Air France began service from Paris on 11 April 2012, and two years later opened up to the United States non-stop when China Southern Airlines announced, in September 2014, a daily non-stop flight to San Francisco, originating from Guangzhou, operating with a Boeing 787 to begin 16 December 2014. Facilities Runways Tianhe International Airport has two runways: Runway West (04L 22R) with a length of and width of ; and Runway East (04R 22L main runway)with a length of and width of . Tianhe Airport is equipped with ILS II in the south side (main landing side) and ILS I on the north side. The East runway is equipped with blind landing systems. Terminals Terminal 1 (demolished) Terminal 1 was opened in 1995 when all flight services were transferred from Nanhu Airport to Tianhe International Airport. It was located at where the west concourse of Terminal 3 stands nowadays. It had been the only terminal of the airport until Terminal 2 was completed in 2008. From 2008 onwards, all domestic flights were operated at T2 while international flights were still operated at T1. T1 was closed in 2010 after serving international flights for two years. A new international terminal was built in 2010, and has undergone subsequent expansions after seeing major increase of international travelers. The terminal was demolished during the construction of Terminal 3. Terminal 2 (closed) Terminal 2 was the main terminal for Tianhe Airport during 2008–2017, which handled only domestic airlines. It has a floor area of 121,200 square meters and a designed capacity to handle 13 million passengers and 320,000 tons of cargo a year. The project was completed on 15 April 2008, at a total cost of 3.37 billion yuan (421.5 million US dollars). By 2010, Wuhan served at least 5 international and 100 domestic routes. The airport's cargo-handling capacity is to reach 144,000 tons. Terminal 2 was closed when Terminal 3 were officially opened in mid 2017 for the upgrade construction. International Terminal (closed) The International Terminal was opened in December 2010 and all international flights and flights to Hong Kong, Macau and Taiwan operated at the International Terminal from 2010 to 2017. After the old Terminal 1 was closed in 2010, the International Terminal was sometimes mistakenly called "T1" by passengers. The single-floor terminal is located at the southwest of Terminal 2. It has a floor area of 5310 square meters, shared by both departure and arrival facilities. To handle wide-body jet within limited ramp, there is no air-bridge for this terminal. Due to its compact size and the growing number of international flights, there were complaints that Terminal 1 was "too crowded". In 2013, the average departure traffic was 880 per hour during the peak season, which was far greater than its designed maximum capacity of 550. The International Terminal was closed in mid 2017 and it will be turned to a chartered and VIP terminal in the future. Terminal 3 Starting from 31 August 2017, all flights from the original International Terminal (international, Hong Kong, Macau and Taiwan) and T2 (domestic) have been moved to Terminal 3, which has a passenger capacity of 35 million. Following the opening of the new Terminal 3, International Terminal (IT) and Terminal 2 (T2) were closed temporarily for renovation. IT is scheduled to operate as the VIP terminal. T2 will undergo renovation and reopen when passengers in T3 exceed the design limit. The T3 has a new departure lounge, restaurants and duty-free shops. The construction of Terminal 3 started in June 2013 and it was opened on 31 August 2017. A new runway, new control tower, and a transportation hub connecting the airport to the city with an intercity railway and a metro line have been built and opened along with the new terminal. Future development According to the 2019–2025 development plan by Hubei Provincial Development and Reform Commission, the fourth terminal, a new satellite terminal and a third runway will be built. Presently, Tianhe is the only civic airport in the Wuhan metropolitan area. However, the city authorities are considering repurposing the military Shanpo Airfield (山坡机场; ), located in the city's far southern suburbs (Shanpo Township, Jiangxia District), as a commercial cargo airport. If the plans are implemented, Shanpo will become Wuhan's second airport. Airlines and destinations Passenger Cargo Gallery Transportation Roads Two tolled expressways, the S18 Wuhan Airport Expressway and the S19 Wuhan Airport 2nd Expressway, connect the airport to downtown Hankou. Public transport There is a limited bus service between Wuhan Tianhe Airport and several bus stops in the urban area of Wuhan. The Wuhan–Xiaogan intercity railway, one of the lines of the Wuhan Metropolitan Area intercity railway, serves Wuhan Tianhe Airport. This railway opened in December 2016. The extension of Line 2 of Wuhan Metro to Tianhe International Airport station opened on 28 December 2016. References External links Wuhan Tianhe International Airport Official website Airports in Hubei Transport in Wuhan Airfields of the United States Army Air Forces in China Airports established in 1995 1995 establishments in China
우한 톈허 국제공항(, )는 중화인민공화국 후베이성 우한시에 있는 국제공항으로 1995년 4월 15일에 개항했다. 우한 시내로부터 약 35km 정도 떨어져 있다. 구성 터미널 1(없어짐) 제1터미널은 1995년 난후공항에서 톈허 국제공항으로 모든 항공편이 갈아타면서 개통되었다. 그것은 요즘 3번 터미널의 서쪽 중앙홀이 서 있는 곳에 있다. 2008년 터미널 2가 완공될 때까지 공항의 유일한 터미널이었다. 2008년부터는 T2에서 모든 국내선이 운항되고 국제선은 T1에서 계속 운항되었다. T1은 2년간 국제선을 운항하다 2010년 문을 닫았다. 2010년에 새로운 국제 터미널이 세워졌고, 국제 여행객이 크게 증가한 후에 후속 확장을 겪었다. 그리고 제3터미널 건설 중에 철거되었다. 터미널 2(폐쇄) 제2터미널은 2008년~2017년 톈허공항의 주요 터미널로 국내 항공사만 취급했다. 연면적 12만1200m2에 연간 1300만 명의 승객과 32만 톤의 화물을 처리할 수 있는 설계 용량이다. 2008년 4월 15일 총 33억7000만 위안(약 4000억2150만 달러)의 비용으로 완공됐다. 우한은 2010년까지 최소 5개의 국제선과 100개의 국내 노선을 운행했다. 공항의 화물 처리 능력은 14만 4천 톤에 이른다. 제2터미널은 2017년 중반 업그레이드 공사를 위해 제3터미널이 정식 개통되면서 폐쇄됐다. 국제 터미널(폐쇄) 국제선 터미널은 2010년 12월 개통되었으며, 2010년부터 2017년까지 홍콩, 마카오, 타이완으로 가는 모든 국제선과 항공편이 국제선 터미널에서 운영되었다. 2010년 옛 터미널 1이 폐쇄된 후, 국제선 터미널은 때때로 승객들에 의해 "T1"이라고 잘못 불렸다. 1층 터미널은 제2터미널 남서쪽에 있다. 연면적 5310m2로 출발시설과 도착시설 모두 공유한다. 제한된 램프 안에서 넓은 차체의 제트기를 다루기 위해, 이 터미널에는 에어 브리지가 없다. 규모가 작고 국제선 운항 횟수가 증가함에 따라 제1터미널이 "너무 붐빈다"는 불만이 제기되었다. 2013년에는 평균 출발 트래픽이 피크 시즌 동안 시간당 880으로 설계한 최대 수용용량 550보다 훨씬 많았다. 국제선 터미널은 2017년 중반에 폐쇄되었으며, 향후 전세선과 VIP 터미널로 전환될 예정이다. 터미널 3 2017년 8월 31일부터는 원래 국제선 터미널(국제, 홍콩, 마카오, 대만)과 T2(국내)에서 출발하는 모든 항공편이 3,500만 명의 승객 수용 능력을 가진 터미널 3으로 이동되었다. 새 터미널 3이 개통된 후 T1과 T2는 개조를 위해 일시적으로 폐쇄되었다. T1은 VIP 터미널로 운영될 예정이다. T2는 T3 승객이 설계한도를 초과하면 개조를 거쳐 재개장한다. T3에는 새로운 출발 라운지와 식당, 면세점이 있다. 제3터미널은 2013년 6월 착공해 2017년 8월 31일 개통했다. 새로운 터미널과 함께 공항과 도시를 연결하는 새로운 활주로, 새로운 관제탑, 그리고 새로운 터미널과 함께 공항과 도시를 연결하는 교통 허브가 건설되었다. 운항 노선 국제선 국내선 화물 노선 연결 교통 지하철 우한 지하철 2호선 연장선이 개통되어 공항 인근에 天河机场역이 있다. 한커우 장한루(江漢路)역까지 약 50분 소요, 6위안, 우창 지에다오커우(街道口)역까지 약 1시간 9분 소요, 7위안 공항버스 공항에서 우한시내로 가는 방면 공항버스1호선 민항신촌 경유, 우창 푸쟈포시외버스터미널 행 (우한지하철 2, 4호선 중난루 역과 인접), 첫차 오전 8시 30분, 막차 마지막 비행기 도착시까지. 요금 32위안 공항버스2호선 민항신촌 경유, 우창 홍치시외버스터미널 행 (우한지하철 4호선 우창 역과 인접), 첫차 오전 8시 30분, 막차 마지막 비행기 도착시까지. 요금 32위안 공항버스3호선 민항신촌 경유, 한커우 신화루메이리엔호텔 행 (한커우 진자둔시외버스터미널 경유), 첫차 오전 8시 30분, 막차 마지막 비행기 도착시까지. 요금 17위안 공항버스4호선 민항신촌 경유, 한커우 진자둔시외버스터미널 행 (우한지하철 2호선 한커우역과 인접), 첫차 오전 8시 30분, 막차 마지막 비행기 도착시까지. 요금 17위안 공항버스5호선 우한역 행(우한지하철 4호선 우한 역과 인접) 첫차 오전 9시 20분, 막차 오후 9시. 요금 37위안 공항버스6호선 한양시외버스터미널 행, 첫차 오전 8시 50분, 막차 오후 7시 40분. 요금 22위안 공항버스7호선 민항신촌 경유, 신영시외버스터미널 행, 첫차 오전 10시 30분, 막차 오후 7시. 요금 35위안 우한시내에서 공항으로 가는 방면 공항버스1호선 우창 푸쟈포시외버스터미널 출발 -> 우창 홍치시외버스터미널 -> 민항신촌 -> 공항. 첫차 오전 6시, 막차 오후 8시. 요금 32위안, 소요시간 90분. 매 30분간격 공항버스2호선 황학루 출발 -> 민항신촌 -> 공항. 첫차 오전 8시 45분, 막차 오후 5시 45분, 요금 32위안, 소요시간 60분. 매 1시간 간격 공항버스3호선 한커우 신화루메이리엔호텔 출발 -> 민항신촌 -> 공항. 첫차 오전 6시 20분, 막차 오후 8시 20분, 요금 17위안, 소요시간 60분. 매 30분 간격 공항버스4호선 한커우 진자둔시외버스터미널 출발 -> 민항신촌 -> 공항. 첫차 오전 6시 5분, 막차 오후 8시 40분, 요금 17위안, 소요시간 40분, 매 30분 간격 공항버스4호선 민항신촌 -> 공항. 첫차 오전 5시 50분, 막차 오후 10시, 요금 17위안, 소요시간 25분, 매 20분 간격 공항버스5호선 우한역 출발 -> 공항. 첫차 오전 9시, 막차 오후 7시 30분, 요금 37위안, 소요시간 70분, 매 20분 간격 공항버스6호선 한양시외버스터미널출발 -> 공항. 첫차 오전 7시 30분, 막차 오후 6시. 소요시간 60분, 매 90분 간격 공항버스7호선 신영시외버스터미널출발 -> 공항. 첫차 오전 9시, 막차 오후 5시 30분, 소요시간 30분, 매 30분 간격 민항신촌 정류장은 우한지하철 2호선 창강루(长港路, 장항로)역과 가까운편이다.(약 500미터 거리) 택시 우한공항에서 우한시내까지 120~150위안, 약 1시간 소요. 각주 외부 링크 공식 홈페이지 후베이성의 공항 우한시의 건축물 우한시의 교통
amphora/parallel-wiki-koen
full
Olivier Christophe Besancenot (; born 18 April 1974) is a French left-wing political figure and trade unionist, and the founding main spokesperson of the New Anticapitalist Party (Nouveau parti anticapitaliste, NPA) from 2009 to 2011. He was a candidate for the 2007 French presidential election, for the Ligue communiste révolutionnaire (LCR), the French section of the Fourth International. He gained 1.2 million votes, 4.25%, standing as a revolutionary socialist in the 2002 presidential elections. In the first round of the 2007 presidential election, Besancenot received 4.08% of the vote, just short of 1.5 million votes, placing him fifth and eliminating him from the race. In May 2011, Besancenot announced that he would not be standing in the 2012 presidential election. He was succeeded as main spokesperson of the NPA by Myriam Martin, who later left the NPA to found Gauche Anticapitaliste (Anticapitalist Left), and Christine Poupin, joined by Philippe Poutou, who was the NPA presidential candidate in 2012. Biography Olivier Besancenot was born on 18 April 1974 in Levallois-Perret in the Hauts-de-Seine region. His father was a teacher, and his mother a psychologist at a school. He studied history at University of Paris X (Nanterre), gaining a degree in contemporary history. Since 1997, he has worked as a postal carrier in Neuilly-sur-Seine, a suburb of Paris, and is often dismissed by his right-wing opponents as "The Red Postman". Stance Along with Alain Krivine and Roseline Vachetta, Besancenot was one of three spokespersons for the Ligue communiste révolutionnaire (LCR), a far-left political party which is the French section of the reunified Fourth International, an international Trotskyist group. Besancenot, however, eschews the Trotskyist label: I'm neither Trotskyist nor Guevarist or Luxemburgist, I'm a revolutionary. And revolution needs to be reinvented, for no revolutionary experiment has ever succeeded. Some of them ended up as bloody caricatures.<ref>La gauche dont rêve la droite, Istvan Felkaï, Le Monde, 6 April 2007</ref> Political life Besancenot's engagement in left-wing politics started early. He joined the Revolutionary Communist Youth (Jeunesses communistes révolutionnaires, or JCR) in 1988 when he was fourteen. When at university studying for his history licence, he formed a branch of the Confédération générale du travail trade union in the supermarket, Shopi, where he worked. In 1991, he joined the LCR. Since 1997, he has been a member of the Sud-PTT trade union. He took a break from his job at the postal services in 1999 and 2000 to serve as a parliamentary attaché to Alain Krivine in the European Parliament. In 2001 and 2002, he participated in the World Social Forum at Porto Alegre. He gained national prominence when he stood for the 2002 French presidential election. At twenty-eight, he was the youngest presidential candidate in the country's history. Standing on a revolutionary socialist platform, he gained 1.3 million votes, 4.25% of the total. Among voters under the age of 25, he gained 13.9 percent, beating Lionel Jospin and Jean-Marie Le Pen. In the run-up to the second round of voting, Besancenot urged voters to ensure that the far-right Le Pen did not gain power, by re-electing Jacques Chirac, despite his own misgivings about Chirac's political positions. Besancenot ran again for the 2007 presidential election. His slogan throughout the campaign was "Nos vies valent plus que leurs profits" ("Our lives are worth more than their profits"); and he campaigned for redistribution of wealth, an increase in the minimum wage, prohibition of layoffs for profitable companies, and taxation of profits from capital speculation. He stood for political and electoral independence of the anti-capitalist left from the Socialist Party (Parti Socialiste, PS), and against its participation in a centre-left government. Besancenot was endorsed by British filmmaker Ken Loach, known for depictions of working-class struggles. His campaign's closing rally, in Paris, was attended by 4,000, the largest meeting organised by the LCR or its predecessors since 1968. Besancenot gained 1,498,581 votes or 4.08%, around 300,000 votes more than 2002. He is the first in votes and in dominant position among candidates to the left of the Socialist Party's candidate, Ségolène Royal. For the second round of the elections, Besancenot, after calling for participation, stated that, "On 6 May, we will be on the side of those who want to prevent Nicolas Sarkozy from attaining the presidency of the republic. It is not a matter of supporting Ségolène Royal, but voting against Nicolas Sarkozy.", fighting the Right in the street as well as at the ballot boxes. After the victory of Sarkozy in the second round, Besancenot and LCR call for "a united front of all the social and democratic forces [...] to organise a response faced to the extreme neoliberal and repressive programme of Sarkozy." This led, in June 2008, to the launching of the New Anticapitalist Party (Nouveau parti anticapitaliste, NPA), intended to unify the parties and movements of the far left. The party aims to field its first electoral candidates at the 2009 EU parliamentary elections. Whilst plans were being put in place for the formation of this party, Besancenot was able to capitalise on the infighting occurring in the PS in the summer of 2008, as its members prepared to convene at La Rochelle for their annual party leadership contest. His popularity continued to increase, as he remonstrated the PS for focusing its attention on him, and not the incumbent president, Sarkozy. Besancenot told French TV, a medium in which he found himself in greater demand, that, "It's up to the population to get there [force a revolution] one way or another"; he also told a LCR conference that the left had been failing in its opposition. One poll showed Besancenot's approval rating to be at 47%, far exceeding two of the main candidates for the PS leadership, Royal (35%) and François Hollande (31%). It was suggested in some media that, were Besancenot and the NPA to convert their popularity into votes (gaining up to a 7 or 8 per cent share), a splintering of the left-wing in France between Marxists and pro-marketeers, similar to that which occurred at the 2002 presidential elections, could happen. The "Besancenot affair" In October 2008, seven people – including the leader of the Taser France company, the two leaders of a private detective agency, two police officers, a retired police officer, a customs officer, and one other person – were arrested and charged with several offences related to their having allegedly spied on Besancenot and his family, including the illicit divulging of information on his private life, the violation of professional secrecy, and "fraudulent access to automated data processing systems". They were accused of having spied on them between October 2007 and January 2008. The "Besancenot affair", as it was called, received significant media attention."Affaire Besancenot: sept mises en examen dont celle du patron de Taser France", Nouvel Observateur, 16 October 2008"Affaire Besancenot : le patron de Taser France mis en examen", Le Point, 14 October 2008 Libération commented, the day before the charges were confirmed: "A businessman who sells weapons to the Ministry of the Interior arrested, that's very disorderly. Particularly when he may be suspected of having had one of the most prominent politicians tailed by a private company directed by a former police officer." Published worksTout est à nous ! (2002), , DenoëlRévolution ! 100 mots pour changer le monde (2003), , FlammarionChe Guevara: His Revolutionary Legacy (2009), , Monthly Review Press, with Michael Löwy.Prenons Parti pour un socialisme du XXIe siècle'' (2009), Mille et une nuits, with Daniel Bensaïd. See also Ligue communiste révolutionnaire (LCR) The reunified Fourth International New Anticapitalist Party Sud-PTT References 1974 births Living people People from Levallois-Perret Revolutionary Communist League (France) politicians New Anticapitalist Party politicians Mail carriers Members of the General Confederation of Labour (France) Anti-corporate activists Candidates in the 2007 French presidential election Espionage scandals and incidents French political writers 21st-century French writers French male writers University of Paris alumni Candidates in the 2002 French presidential election Politicians from Île-de-France
올리비에 브장스노(Olivier Besancenot, 1974년 4월 18일 ~ ) 프랑스의 트로츠키주의 성향 정치가이며, 프랑스 대통령 니콜라 사르코지에 대항하는 유력한 지도자로 부상한 적이 있다. 2007년 프랑스 대통령 선거에서 제4인터내셔널의 프랑스 지부인 혁명적 공산주의자 연맹(LCR, Ligue communiste révolutionnaire)의 후보로 출마했다. 2002년 대선에서 혁명적 공산주의자 연맹 후보로 출마해 20만여 표(4.25%)를 얻었으며, 2007년 대선에서 브장스노는 5위인 약 150만 표(4.08%)에 그쳐 결선 투표에서 탈락했다. 경력 교육자 집안 올리비에 브장스노는 1974년 4월 18일에 오드센의 르발루아-페레에서 태어났다. 아버지 미셸 브장스노는 교사였고, 어머니는 학교 상담교사였다. 집배원 활동 그는 파리 제10대학교(낭트르)에서 역사를 공부했으며, 현대사 석사(maîtrise) 학위를 얻고자 파리 제6대학교(피에르 에 마리 퀴리)에서 학업을 계속했다. 1997년부터 그는 파리 교외의 뇌이쉬르센에서 집배원(集配員)으로 일했다. 그래서 우익 정적들은 그를 "붉은 집배원"으로 칭하기도 한다. 직위 트로츠키주의 활동가 알랭 크리뱅과 루슬랭 바셰타와 함께 올리비에 브장스노는 트로츠키주의 정당인 혁명적 공산주의자 연맹의 대변인을 지냈다. 그러나 브장스노는 자신에게 트로츠키주의자란 꼬리표가 붙는 걸 삼간다. 정치 행적 정계 입문 브장스노는 매우 어릴 때부터 트로츠키즘을 신봉하여 정치에 뛰어들었다. 1988년 그는 14살의 나이로 혁명적 공산주의 청년회(Jeunesses communistes révolutionnaires)에 가입했다. 노동운동 대학에서 역사를 전공할 때 그가 일하던 슈퍼마켓 Shopi에 노동자 일반연맹(Confédération générale du travail) 노동 조합 지부를 세운 바 있다. 혁명적 공산주의자 연맹 1991년 그는 혁명적 공산주의자 연맹에 가입했다. 1997년부터 그는 Sud-PTT 노조의 회원이었다. 그는 1999년과 2000년에 그가 일하던 우체국에 휴가를 내고 유럽 의회에 알랭 크리뱅의 의원 보좌관으로 일했다. 불란서 대선출마 2001년과 2002년에 그는 포르투 알레그레의 세계사회포럼(WSF)에 참가했다. 2002년 프랑스 대선에 출마하자 브장스노는 전국적인 관심을 받았다. 28세의 나이로 프랑스 역사상 가장 젊은 대통령 후보였다. 혁명적 사회주의 정강을 내세워 그는 130만 표(4.25%)를 얻었다. 25세 이하 유권자 중 13.9%를 얻어 리오넬 조스팽과 장마리 르펜을 눌렀다. 브장스노는 자크 시라크의 정견을 우려했지만 유권자들에게 결선 투표에서 시라크를 선출하여 극우 정치인 르펜의 집권을 막아야 한다고 주장했다. 2007년 대선 공약 브장스노는 2007년 대선에 다시 출마했다. 유세 기간 중 그는 "우리의 삶은 그들의 이윤보다 더 가치가 있다"는 슬로건을 내세웠다. 그는 부의 재분배, 최저 임금 인상, 이윤을 창출하는 회사의 노동자 해고 금지, 투기 자본의 이익에 대한 과세를 주장했다. 그는 사회민주주의 정당인 사회당(Parti Socialiste, PS)과 선거에서 정치적으로 거리를 두었으며, 사회당이 중도 좌파 정부에 참여하는데도 반대했다. 집회 브장스노는 켄 로치 노동 계급 투쟁 묘사 파리에서 브장스노의 유세 집회는 4,000여명을 끌어모았는데, 이는 1968년 이후 혁명적 공산주의자 연맹이나 이전 조직 중 가장 큰 집회였다. 브장스노는 2002년때보다 약 300,000 표 더 많은 1,498,581 표(4.08%)를 얻었다. 그는 세골렌 루아얄 후보의 사회당보다 더 좌파적인 후보자 가운데 가장 두각을 드러냈다. 결선 투표에 대해 브장스노는 참여를 요구한 뒤 "5월 6일에 우리는 사르코지가 공화국 대통령이 되는 걸 막는 편에 서게 될 것입니다. 이것은 단지 사르코지에 투표하는 대신 루아얄을 지지하는 문제가 아닙니다."라고 말하여 투표로도 거리에서도 우파에 투쟁했다. 결선에서 니콜라 사르코지가 승리하자 브장스노와 혁명적 사회주의자는 모든 사회/민주주의 진영이 통합 연대를 이루어 [...] 사르코지의 극단적인 신자유주의 퇴행 정책에 대항하자고 주장했다. 반자본주의 신당 2008년 6월 이는 각 정당과 트로츠키주의 운동 진영을 통합하기 위해 반자본주의신당(Nouveau parti anticapitaliste, NPA) 창당으로 이어진다. 이 정당은 2009년 유럽 연합 의회 선거에 첫 후보자 배출을 목표로 삼고 있다. 신당 준비가 진행되는 동안 브장스노는 2008년 여름에 사회당에서 일어난 내분을 이용할 수 있었다. 사회당이 라 로셸에서 연례 당 지도자 토론회를 열기 때문이었다. 그가 사회당이 현직 대통령 사르코지가 아닌 자신에게 관심을 집중하는데 항의하면서 그의 인기는 계속 상승했다. 브장스노는 프랑스 TV에서 더 큰 요구에 집중하며 "그곳[혁명]에 이르는 것은 대중에게 달렸다"고 말했으며, 또 혁명적 공산주의자 연맹 회의에서 좌파가 야당 구실을 못하고 있다고 말했다. 한 여론 조사에서 브장스노는 사회당의 두 거물 루아얄(35%)과 프랑수아 올랑드(31%)를 훨씬 제치고 47%의 지지를 받았다. 어떤 언론에서는 브장스노와 반자본주의 신당의 인기가 표로 전환되어, 2002년 대선 때처럼 프랑스 좌파가 마르크스주의와 親시장주의로 갈라질수도 있다고 시사했다. 브장스노 사건 2008년 10월, 프랑스의 어느 전기총 제조회사 사장과 사설 탐정 둘, 전·현직 경찰관, 세관 공무원과 또 한 사람, 이렇게 일곱 명의 사람들이 경찰에 체포되었다. 불법적으로 수 차례 브장스노 가족의 사생활과 직업상 비밀 엄수 위반, 자동 정보 처리 시스템에 부정한 접근 여부 등을 감시하여 정보를 얻어내려한 혐의였다. 이들은 2007년 10월부터 2008년 1월까지 스파이 노릇을 했는데 이것을 "브장스노 사건"이라 한다. 이 사건으로 말이암아 브장스노에게 언론의 관심이 집중되었다. 리베라시옹(Libération)은 이 사건의 혐의가 확정되기 하루 전에 다음과 같이 전했다. "내무부에 무기를 파는 어떤 사업가가 체포되었는데 이는 심히 사회 질서를 위협하는 일이다. 특히 전직 경찰이 운영하는 일반 회사가 저명한 정치인의 뒤를 밟았기 때문이다." 1974년 출생 살아있는 사람 프랑스의 정치인 반자본주의신당의 정치인 프랑스의 트로츠키주의자 혁명적 공산주의자 동맹의 정치인 반국민주의자 파리 대학교 동문 반기업 활동가
amphora/parallel-wiki-koen
full
ICE 3, or Intercity-Express 3, is a family of high-speed electric multiple unit trains operated by Deutsche Bahn. It includes classes 403, 406, 407 and 408, which are known as ICE 3, ICE 3M, New ICE 3 and ICE 3neo respectively. Three multisystem trains, known as ICE International, are owned by Nederlandse Spoorwegen (NS, Dutch Railways). Based on the ICE 3M/F, Siemens developed its Siemens Velaro train family with versions used in Germany, Belgium, France, the United Kingdom, the Netherlands, Spain, China, Russia and Turkey. ICE 3 trains have a maximum speed of when travelling on the high-speed rail lines, however class 403 are permitted to go up to a maximum speed of when it travels on the high-speed route between Frankfurt and Cologne. Class 403 The design goal of the ICE 3 (Class 403) was to create a higher-powered, lighter train than its predecessors. This was achieved by distributing its 16 traction motors underneath the whole train. The train is certified for and has reached on trial runs. On regular Intercity-Express services they run at up to , the maximum design speed of German high-speed lines. Because the train does not have power cars, the whole length of the train is available for passenger seats, including the first car. The lounge-seats are located directly behind the driver, separated only by a glass wall. The 50 sets were ordered in 1997 and specifically designed for the new high-speed line between Frankfurt and Cologne. They were built by a consortium led by Siemens and Adtranz (now Bombardier Transportation). On 11 April 2017, Deutsche Bahn announced the modernisation programme called ICE 3 Redesign for its 66-unit ICE 3 fleet to be completed by the end of 2020. The renovation involves replacing the seats, tables, and floor coverings. The six-seat compartment rooms are eliminated from the second class section to increase the number of seats and add more luggage compartments. In addition, the number of disability seating has been increased to two; however, no integrated wheelchair lift has been installed, and no disability seating is offered in the first-class section. The seats in some Bordrestaurant have been converted to the red bench seating while Bordbistro receives the new stand tables. The cabin illumination is provided by LED lamps, providing more illumination, while the reading lamps are eliminated. The seat reservation panels are moved from the walls above the windows to the seat headrests per EU directive on accessibilities: the new panel has bigger and more visible white lettering and Braille. The yellow LCD information monitors in the antechambers are replaced with larger full-colour LED displays, showing the map, train number, speed, and other pertinent information. The new smaller displays are attached to the ceiling above the aisle throughout the cabins. Class 406 The ICE 3M (Class 406; M for multisystem) was developed to operate international services under the four different railway electrification systems in use on Europe's main lines and with support for various train protection systems. The Deutsche Bahn (DB) ordered 13 of these units in 1994, the NS (Nederlandse Spoorwegen) four, making sure that the demands of the Dutch rail network are taken care of. Though these trains carry NS logos, the DB and NS trains together form a pool and therefore, the NS trains may operate DB services as well. In 2007 the train was licensed for operation in the Netherlands, Belgium, and France. Currently, those trains are used for cross-border runs between Netherlands, Germany, Belgium, and France. On the French LGV Est, some trains reach a regular top speed of . The 17 class 406 sets were built by the same consortium as the class 403. They were first introduced in November 2000 on services between Cologne and Amsterdam. Since December 2002, they have also been operating three journeys daily each way between Frankfurt and Brussels (increased to four per day since December 2010). In Belgium, the train was licensed in 2002 to run on the classic 3 kV DC lines with speeds up to and, from December 2004, also on the new 25 kV AC high-speed lines, but initially limited to instead of . Problems with flying gravel and its frictionless linear eddy current brake came up during testing. In order to limit the creation of tornado-like vortices that pick up gravel and to limit damage from flying gravel to the train, spoilers have been added under the car joints, under the carbody next to the bogies and under the powered axles on the bogies. The linear eddy current brake, which is required for higher speeds, cannot yet be used, because the magnetic field would rip off the magnetic covers of some trackside equipment; those covers will have to be replaced by non-magnetic ones according to the EU Technical Specifications for Interoperability for international rail traffic in Europe. As in Belgium, licensing procedures for France took five years to be completed. Trial runs were completed in late 2005 and the same two problems were encountered as in Belgium: loose gravel damage and possible side-effects of the brakes. ICE 3Ms were allowed on the LGV Est and started service there on 20 June 2007, mixed with TGVs. Since December 2007, DB operates ICE 3M trains from Frankfurt central station to Paris Est, initially with five daily runs between both cities. The six trains for running into France (designated ICE-3 MF, indicating multisystem France) were modified at Bombardier's Hennigsdorf plant and were extensively tested on Siemens' test site in Wegberg-Wildenrath before the modified trains re-entered commercial service. Despite this, the "French" subset of six class 406 trains have suffered from reliability problems, so that some Paris–Frankfurt services are operated instead by French TGVs (currently TGV 2N2 'Euroduplex' as of 2015) under the "Alleo" joint venture between DB and SNCF. In Switzerland, licensing took only six months. Class 407 Deutsche Bahn placed an order for fifteen trains valued €500 million in November 2008. On 18 April 2010, Deutsche Bahn presented the first Velaro D at Siemens' Krefeld plant. It is designed for operation at up to , is wider, quieter and more energy-saving, should be less susceptible to malfunctions than its predecessor, and incorporates additional crashworthiness and fire safety measures. The new train was supposed to be used mainly for international services from Germany to France, Belgium and the Netherlands. The new type's safety measures are in line with the new specifications for operating passenger trains inside the Channel Tunnel, allowing the Class 407 to be used on the services that DB planned to operate from London to Amsterdam and Frankfurt in 2015. The planned service to London was never introduced. The new train was designated Class 407 and was originally scheduled to enter service at the end of 2011. This date has since been postponed several times. In December 2013 the first four trains delivered to DB were licensed for domestic operation as multiple units and started with passenger traffic. Four more trains were expected for delivery in spring 2014, whereas the remainder of eight trains shall be used by Siemens for test runs in France and Belgium to gain type approval there. In June 2011, Deutsche Bahn ordered one additional Velaro D set in order to replace an ICE3MF set damaged in an accident in August 2010. Class 408 In 2019 Deutsche Bahn needed more trains to run on national and international high-speed tracks. Siemens offered them an evolution of the Velaro D equipped with multi-system capability and hence labelled Velaro MS. In 2020 Deutsche Bahn ordered 30 trainsets for delivery starting in 2022. The trains are designed for operation at 320 km/h and will be deployed from the end of 2022 on routes that use the Cologne – Frankfurt high speed line which is designed for operation at 300 km/h. The first of the trains, called ICE 3neo by Deutsche Bahn and classed as 408, was completed in late 2021 with test runs started immediately. In February of 2022, the order volume increased to 73 trains and the first train was shown to journalists. All 73 trains are supposed to be in service by early 2029. In May 2023 DB announced to order the remaining 17 Options of Class 408-trains, so the total order rose to 90. Special services For the EXPO 2000 in Hanover, Deutsche Bahn provided 120 additional train services. Some of these special services were operated by ICE trains and labelled "ExpoExpress" (EXE). These services also constituted the first widespread use of the then-new ICE 3 train sets, presenting them to the domestic and international general public. See also List of high-speed trains References External links ICE 3 for Germany and the Netherlands Siemens Page Spec Sheet; French Railway coaches of Germany Electric multiple units of Germany Deutsche Bahn locomotives Intercity Express Passenger trains running at least at 300 km/h in commercial operations Electric multiple units of the Netherlands Siemens Velaro 15 kV AC multiple units 3000 V DC multiple units 25 kV AC multiple units Siemens multiple units 1500 V DC multiple units of France Train-related introductions in 1999
인터시티익스프레스 3호() 또는 독일철도 403급, 406급, 407급()은 독일철도의 동력 분산식 고속 열차이다. 설계 최고 속도는 시속 330km이며, 독일 국내에서는 영업 최고 속도 300 km/h, 프랑스에서는 320 km/h까지 낼 수 있다. 파생형을 합쳐서 총 67편성 생산되었다. ICE 3 50편성(403호대)은 단일 전기 방식이며, 독일 국내 및 스위스 바젤로 운행한다. 네덜란드 소유 4편성을 포함하여, ICE 3M 11편성(406호대)은 암스테르담 및 브뤼셀로 운행할 수 있다. ICE 3MF 6편성(406F호대)은 과거 ICE 3M에서 개조되었으며, 프랑스로도 운행할 수 있다. 1996년 중반에 계획되었을 때에는 ICE 2.2/ICE W(와전류제동; )라는 임시 이름을 가지고 있었다. 복전압 차량으로 405호대를 계획하였으나 실제 제작되지는 않았다. 제작사 중 지멘스는 ICE 3 프로젝트가 끝나고, 이를 기반으로 지멘스 벨라로를 개발하였다. 2008년 지멘스는 독일 전용 지멘스 벨라로 D를 2011년부터 2012년까지 생산할 예정이라고 밝혔다. 지멘스는 ICE 3M/F를 기반으로 해외에 수출하기 위해 스페인, 중화인민공화국, 러시아, 영국, 터키 모델을 갖춘 지멘스 벨라로를 개발하였다. 세부 모델 독일철도 403급 독일철도 403급() 또는 인터시티익스프레스 3호()는 기존 모델인 ICE 1, ICE 2 모델보다 내구성이 더 강한 고속열차를 제작하는 것을 목적으로 견인 전동기를 분산하는 모델을 채택하면서 달성되었다. 영업 최고 속도로 330km 운행을 허가했고 첫 운행 당시 최고 속도가 368km를 도달했다. 인터시티익스프레스의 최고 영업 속도가 300km에 해당된다. 1997년에 쾰른-프랑크푸르트 고속철도 노선에 투입하기 위해 50편성을 지멘스와 ADtranz에 주문했다. 한편 독일철도는 2017년 4월에 공식 보도를 통해 오는 2020년까지 현대화를 추진하고 있다. 하지만 추운 환경을 고려하지 않고 현대화 작업을 시행한 것에 대해 승객들의 불만이 제기되었다. 독일철도 406급 독일철도 406급() 또는 인터시티익스프레스 3M호()는 이전 차량보다 더 높은 출력, 더 가벼운 열차를 제작한다는 목표로 설계되었다. 이를 위하여 기존 차량과는 달리 16개의 전동기를 열차 하부에 배치하는 동력 분산식으로 설계하였다. 시험 운행에서는 영업 최고 속도 시속 368km를 경신했고, 허용된 영업 최고 속도는 시속 330 km이다. 일반 ICE 서비스에서는 선로 한계 때문에 시속 300km지만 내며, 프랑스 LGV 에스트에서는 시속 320km까지 낼 수 있다. 별도의 기관차가 없기 때문에 선두차에도 좌석을 설치할 수 있으며, 운전실 바로 뒤에 유리벽으로 분리된 전망석이 설치되어 있다. ICE 3M은 유럽에서 사용되는 4종류의 서로 다른 전력 시스템을 지원하며, 다양한 국가의 신호 시스템을 지원한다. 도이체 반에서 13편성, NS에서 4편성을 주문하여 총 17편성 제작되었고, 이 중 6편성은 프랑스에서도 운행할 수 있는 ICE 3MF로 개조되었다. NS 소유 차량은 NS 로고를 부착하고 있지만, 도이체 반과 공동으로 배차되기 때문에 독일 국내 서비스에 사용되기도 한다. 2002년 벨기에 직류 3kV 노선의 영업을 허가받았고, 최고 영업 속도는 160km까지 운행한다. 2004년에는 고속선 영업을 허가받았으며, 고속 운행 시 노반의 자갈이 튀는 문제와 와전류제동 문제가 발생하였기 때문에 초기에는 시속 250km까지 낼 수 있었다. 토네이도가 만들어져서 자갈이 딸려 올라와 열차를 파손시키는 문제를 막기 위해서 대차 부근에 스포일러가 추가되었다. 와전류제동 사용 시 자기를 사용하는 궤도상 장치가 파손되기 때문에 벨기에에서는 와전류제동을 사용할 수 없다. 유럽 연합의 상호 운행성 기술 표준에 의하여 자기를 사용하지 않는 장비로 교체해야 한다. 2005년 말부터 프랑스 운행을 위한 시운전을 시작했다. 벨기에와 비슷한 문제가 발생하였지만 LGV 에스트에서 2007년 6월 20일부터 영업 운행을 시작하였다. 2007년 12월부터 독일철도는 프랑크푸르트 ~ 파리 ICE 서비스를 시작하였고, 초기에는 1일 5회 왕복 운행하였다. 프랑스 운행을 위해서 수정된 편성은 ICE 3MF라고 불리며 봄바디어 헤닝스도르프 공장에서 개조되었다. 스위스에서는 운행 허가를 빨리 받았으나, 2006년 프랑스 TVM과 KVB와 간섭하는 ZUB와 Integra-Signum 시스템을 철거해서 운행 허가를 잃었다. 독일철도 407급 독일철도 407급() 또는 인터시티익스프레스 벨라로 D호()는 2008년 11월에 독일철도가 5억 유로를 들여 주문했다. 2010년 4월에 독일 노르트라인베스트팔렌주 크레펠트 지멘스 공장에서 최초로 지멘스 벨라로 D를 공개했다. 영업 최고 속도의 경우 시속 320km로 설계되었고, 기존의 모델보다 더 넓어졌고 소음이 감소되었다. 또한 이전 모델과 달리 결함을 줄였고 사고와 화재에 대비해 안전 장치가 장착되었다. 한편 새롭게 도입된 열차는 독일 노선에 국한되지 않고 벨기에, 프랑스, 네덜란드를 잇는 국제 노선에 도입하기 위해 발주했다. 또한 채널 터널 운행을 목적으로 독일철도가 2015년까지 프랑크푸르트에서 암스테르담, 런던을 잇는 국제 고속열차 노선에 도입하기 위해 발주를 검토했으나 도입 지연으로 발주가 모두 취소되었다. 당초 2011년부터 운행할 예정이였으나 운행이 계속 연기되었다. 2013년 12월부터 4편성이 최초로 인도되었고 모두 독일 노선에 운행하고 있다. 2014년에 4편성의 열차가 추가로 인도되었고 8편성의 경우 향후 프랑스, 벨기에를 잇는 노선에 도입하기 위해 시험 운행을 하고 있으며 당국에 승인을 받으면 운행에 들어갈 예정이다. 2011년 6월, 독일철도는 2010년 8월에 사고로 대파된 ICE3MF편성을 대체하기 위해 지멘스 벨라로 D를 추가로 주문했다. 기타 독일철도는 하노버에서 열리는 2000년 세계 박람회를 대비해 120편의 열차를 투입해 운행했다. 특별 열차 중에서 인터시티익스프레스가 운행하고 있는데 이 열차는 엑스포 익스프레스()를 표기하고 있다. 이 열차는 다양한 노선에 투입하고 있으며 독일 노선 외에 국제 고속열차에 운행한 적이 있다. 같이 보기 지멘스 벨라로 각주 외부 링크 독일 네덜란드 ICE 3 Spec Sheet; French 독일의 고속철도 차량 독일의 전동차 인터시티익스프레스 지멘스 벨라로
amphora/parallel-wiki-koen
full
Bellegarde station (French: Gare de Bellegarde) is a railway station served by TGV, TER Auvergne-Rhône-Alpes and Léman Express located in Bellegarde-sur-Valserine, in the département of Ain, France. The first station building opened in 1858 to allow a stop on the line between Seyssel and Geneva. The wooden building was destroyed by fire and requiring the construction of a new building in 1907. Over the years, other lines reached to the station, causing passenger numbers to grow. The first TGV service was in 1981 between Paris Gare de Lyon and Geneva. From a simple railway station, the site underwent a major restructuring in 2010 to become an interchange. This was triggered by the decision to renovate the Ligne du Haut-Bugey. Position on the railway network A junction station, situated at kilometer 134,252 of the Lyon–Geneva railway, and kilometer 64,523 of the Ligne du Haut-Bugey. Its altitude is 378m. History of Bellegarde railway station Before the creation of the SNCF Railway history started in Bellegarde-sur-Valserine in the middle of the 19th century. In 1830, the first studies of a Bellegarde-Geneva line were done. The decision on construction of the Lyon–Geneva railway was part of a project to reduce the travel time from Paris to the Swiss border from 6 days to 12 hours, was finalized when a law was passed on 10 June 1853 by Napoleon III concerning the commitment by the treasury to the construction of a railway to the frontier of Geneva. The Seyssel-Geneva section was opened on 18 March 1858 with a halt in Bellegarde where the station building was in the style of a Swiss chalet. The station was designed as a last junction before the frontier, avoiding lines connecting French territory passing through Swiss territory. It was thus used for customs controls on people and goods. A new service was inaugurated when, on 30 August 1880, the line from Longeray to Thonon via Annemasse and Evian was opened. This service was operated by the Chemins de fer de Paris à Lyon et à la Méditerranée (PLM) company. Two years later on 1 April 1882, the Cluse-Bellegarde section of the Ligne du Haut-Bugey opened. This section completed the line from Bourg en Bresse to Bellegarde operated by Compagnie des Dombes et du Sud-Est. In 1883, the PLM acquired the Compagnie des Dombes, and from then on, Bellegarde was exclusively served by the PLM. On 1 August 1904, a fire completely destroyed the station building. A new building was constructed on the site of the old one and opened in 1907. This in turn was severely damaged by fire in the night of the 9 April 2003. After 1938 – the creation of the SNCF Upon its creation in 1938, the SNCF took over the operation of the Culoz-Bellegarde line from the PLM, and over time created new links to western Switzerland. Bellegarde station became connected to the whole of France. As technology evolved with time, different types of railcar passed through Bellegarde, An X2700 class RGP2 passed through on its inaugural trip from Lyon-Perrache to Geneva on 30 June 1954. The following year, on 16 December 1955, the Culoz - Bellegarde section was electrified with 1.5 kV DC. From 10 June 1959, the Alpazur connection (Genève - Bellegarde - Grenoble - Veynes-Dévoluy - Digne) returning via the ligne des Alpes was operated with X4200 class panoramic railcars. Then on 31 May 1964, a first-class express train, Le Rhodanien, was put on the line linking Geneva to Marseille. 1969 saw the arrival Catalan-Talgo trains on the creation of a Trans-Europ-Express link between Geneva and Barcelona via Bellegarde, Chambéry et Grenoble on 1 June. In 1972, passenger trains were making up to 12 return journeys per day between Geneva and Grenoble. On 1 October 1972, X4500 class railcars went into service on the Valence - Geneva route via Grenoble, Chambéry et Bellegarde, then on 28 September 1975, first generation turbotrains (so-called 'ETGs') took over. They were so successful that they soon needed to be coupled in pairs to meet the demand. The arrival of the TGV The introduction of TGV services to Bellegarde-sur-Valserine on 22 September 1981, the completion of the autoroutes from Lyon to Geneva and the opening of the Mont Blanc Tunnel all greatly improved access to Bellegarde, enabling the town to develop through industrial restructuring which allowed Bellegarde to maintain unemployment below the national average. Two daily services between Paris and Geneva were created, making Bellegarde the first town with less than 20,000 inhabitants to get a daily TGV link to Paris, although night trains to Paris were discontinued at the same time. However the advent of TGV services coincided with the decline of the Geneva – Barcelona Trans-Europ-Express; on 23 May 1982 the Catalan Talgo was replaced by a EuroCity service. and the IC 5642/3 train took over the name le Rhodanien. It linked Geneva to Marseille via Bellegarde, Chambéry, Grenoble, Valence and Avignon. In summer 1983, a TGV Paris – Geneva/Annecy was created, with trains being split or joined at Culoz. In the 1980s, as with many other French stations, services to Bellegarde were generally reduced or cancelled. After summer 1984, the La Rochelle – Saint-Gervais service was stopped. In 1985, Z 7500, Z 9500 and Z 9600 railcars were introduced on the Lyon – Genève/Evian/Saint-Gervais services, then in 1987, the Class BB 25200 locomotives (made available by the introduction of BB 22200 locos) were used with push-pull Corail trains between Lyon and Geneva. Service reductions continued in the 1990s, and apart from the long-distance service from Hendaye/Irun to Geneva, only regional TER services were left. In 2001, the Corail Lunéa Rhône-Océan Lyon–Quimper service was extended to Geneva with a stop in Bellegarde. In 1991, a project to bring Paris and Geneva closer was launched: to build a high speed line alongside the A40. This operation, named the LGV des Titans was estimated at 12 billion francs (2 billion euros) which was much too expensive, so was abandoned in 1997 in favour of less costly projects. It was decided to upgrade the Ligne du Haut-Bugey instead. Lines which converge on Bellegarde-sur-Valserine Several lines meet at Bellegarde-sur-Valserine station. The first line to arrive was the Lyon–Geneva railway in 1858. The line came from Paris and Geneva via Arlod and from Geneva via the Crêt d'Eau tunnel. At the end of the 19th century, three other lines reached Bellegarde-sur-Valserine, the Longeray-Léaz - Le Bouveret line via the Crédo tunnel in 1880, the Ligne du Haut-Bugey in 1882 and the Collonges-Fort-l'Écluse – Divonne-les-Bains railway serving the Pays de Gex in 1899. Services The following services stop at Bellegarde: TGV: high-speed service between Paris-Lyon and . TGV inOui: on weekends during the winter season, two round-trips per day between Paris-Lyon and . TGV Lyria: high-speed service between Paris-Lyon/ and /. TER Auvergne-Rhône-Alpes: regional service between and Genève-Cornavin. regional service between and Genève-Cornavin, , or Saint-Gervais-les-Bains-Le Fayet. regional service between and Genève-Cornavin. Léman Express : local service to Genève-Cornavin. See also List of SNCF stations in Auvergne-Rhône-Alpes References Railway stations in Ain Railway stations in France opened in 1858 Lyon–Geneva railway
벨가르드역()은 프랑스 앵 데파르트망의 벨가르드-쉬르-발서린에 위치한 TGV, TER 오베르뉴-론-알프 및 레만 익스프레스가 운행하는 기차역이다. 첫 번째 역 건물은 1858년에 문을 열었고 세셀과 제네바 사이의 노선에 정차할 수 있었다. 목조 건물은 화재로 소실되어 1907년에 새 건물을 지어야 했다. 수년에 걸쳐 다른 노선이 역까지 도달하여 승객 수가 증가했다. 최초의 떼제베 서비스는 1981년 파리 리옹역과 제네바 간이었다. 단순한 기차역에서 2010년 대규모 구조 조정을 거쳐 인터체인지로 바뀌었다. 이것은 오뷔지선을 개조하기로 한 결정에 의해 촉발되었다. 철도망에서의 위치 리옹-제네바 철도의 134,252km와 오뷔지선의 64,523km에 위치한 분기점이며, 고도는 378m이다. 역사 SNCF 생성 전 철도 역사는 19세기 중반 벨가르드-쉬르-발서린에서 시작되었다. 1830년에 벨가르드-제네바 라인에 대한 첫 번째 연구가 수행되었다. 리옹-제네바 철도 건설에 대한 결정은 파리에서 스위스 국경까지의 이동 시간을 6일에서 12시간으로 줄이기 위한 프로젝트의 일부였으며, 1853년 6월 10일 나폴레옹 3세에 의해 제네바 국경에 철도를 건설하는 것에 대한 재정부의 약속에 관한 법률이 통과되면서 확정되었다. 세이셀-제네바 구간은 1858년 3월 18일 벨가르드역에 정차함으로서 개통되었다. 역은 스위스 영토를 통과하는 프랑스 영토를 연결하는 노선을 피하면서 국경 앞의 마지막 교차로로 설계되었다. 따라서 사람과 상품에 대한 세관 통제에 사용되었다. 1880년 8월 30일 롱저레에서 안마스와 에비앙을 거쳐 토농까지 연결되는 노선이 개통되면서 새로운 노선이 개통되었다. 이 서비스는 파리 리옹과 지중해 철도 (PLM) 회사에서 운영했다. 2년 후인 1882년 4월 1일, 오뷔지선의 클뤼즈-벨가르드 구간이 문을 열었다. 이 구간은 돔베 남동 회사가 운영하는 부르캉브레스에서 벨가르드까지의 노선을 완성했다. 1883년에 PLM은 돔베사를 인수했으며, 그 이후로 벨가르드는 PLM이 독점적으로 서비스를 제공했다. 1904년 8월 1일 화재로 역 건물이 완전히 파괴되었다. 옛 건물이 있던 자리에 새 건물을 지어 1907년에 문을 열었다. 2003년 4월 9일 밤 화재로 심각한 피해를 입었다. 1938년 이후 – SNCF 창설 1938년에 창설된 SNCF는 PLM에서 Culoz-벨가르드 라인의 운영을 인수했으며, 시간이 지남에 따라 서부 스위스에 대한 새로운 연결을 만들었다. 벨가르드역은 프랑스 전역으로 연결되었다. 시간이 지남에 따라 기술이 발전함에 따라 다양한 유형의 철도 차량이 벨가르드를 통과했으며 X2700 클래스 RGP2는 1954년 6월 30일 리옹-페라쉬에서 제네바까지 첫 운행을 통해 통과했다. 이듬해인 1955년 12월 16일 Culoz - 벨가르드 구간은 1.5kV DC로 전기화됨. 1959년 6월 10일부터 Alpazur 연결(제네바 - 벨가르드 - 그레노블 - Veynes-Dévoluy - Digne)은 알프선을 통해 돌아오는 X4200 클래스 파노라마 철도 차량으로 운영되었다. 그런 다음 1964년 5월 31일, 1등 급행열차인 르 로다니앙(Le Rhodanien)이 제네바와 마르세유를 연결하는 노선에 투입되었다. 1969년 카탈루냐- 탈고 도착 6월 1일 벨가르드, 샹베리에 그르노블(샹베리와 그레노블)을 경유하여 제네바와 바르셀로나 사이에 트랜스 유럽 익스프레스 연결을 만드는 열차. 1972년에는 여객열차가 제네바와 그르노블 사이를 하루에 최대 12회 왕복 운행하고 있었다. 1972년 10월 1일에 X4500급 철도 차량이 그르노블, 샹베리에 벨가르드를 경유하는 발랑스 - 제네바 노선에서 서비스를 개시했으며, 1975년 9월 28일에는 1세대 터보 트레인(소위 'ETG')이 인수되었다. 그들은 너무 성공적이어서 곧 수요를 충족시키기 위해 쌍으로 결합되어야 했다. TGV의 도착 1981년 9월 22일 벨가르드-쉬르-발서린에 TGV 서비스 도입, 리옹에서 제네바까지의 자동 루트 완성, 몽블랑 터널 개통으로 벨가르드에 대한 접근성이 크게 향상되어 도시가 산업 구조 조정을 통해 발전할 수 있게 되었다. 벨가르드는 실업률을 전국 평균 이하로 유지한다. 파리와 제네바 사이에 2개의 일일 서비스가 개설되어 파리로 가는 야간열차가 동시에 중단되었지만 벨가르드가 20,000명 미만의 주민이 매일 파리로 가는 떼제베 노선을 운행하는 최초의 도시가 되었다. 그러나 TGV 서비스의 출현은 제네바-바르셀로나 트랜스 유럽 익스프레스의 쇠퇴와 일치했다. 1982년 5월 23일 Catalan Talgo는 유로시티 서비스로 대체되었다. IC 5642/3 열차는 르로다니엔이라는 이름을 이어받았다. 벨가르드, 샹베리, 그르노블, 발랑스, 아비뇽을 거쳐 제네바와 마르세유를 연결했다. 1983년 여름, 떼제베 파리 – 제네바/안시가 만들어졌으며 열차는 큐로즈에서 분할되거나 합류되었다. 1980년대에는 다른 많은 프랑스 역과 마찬가지로 벨가르드로 가는 서비스가 일반적으로 축소되거나 취소되었다. 1984년 여름 이후 La Rochelle – 생제르베 서비스가 중단되었다. 1985년 Z7500, Z9500 및 Z9600 철도 차량이 리옹-제네브/에비앙/생제르베 서비스에 도입되었으며, 1987년에는 클래스 BB 25200 기관차(BB 22200 도입으로 사용 가능)가 도입되었다.locos)는 리옹과 제네바 사이의 푸시풀 코레일 열차와 함께 사용되었다. 1990년대에도 서비스 축소가 계속되었고, Hendaye/Irun에서 제네바까지의 장거리 서비스를 제외하고 지역 TER 서비스만 남았다. 2001년에 코레일 루네아 론-오세앙 리옹-큄페르 서비스는 벨가르드에서 정차하여 제네바까지 연장되었다. 1991년에는 파리와 제네바를 더 가깝게 만드는 프로젝트가 시작되었다. A40 옆에 고속 노선을 건설하는 것이었다. LGV des Titans라는 이 작업은 120억 프랑(20억 유로)으로 추산되어 너무 비쌌기 때문에 1997년 비용이 덜 드는 프로젝트를 위해 포기되었다. 대신 오뷔지선를 업그레이드하기로 결정했다. 운행편 다음 서비스는 벨가르드에서 정차한다. 떼제베 : 파리-리옹과 에비앙-레-뱅 간 고속 서비스. 떼제베 이누이 : 동절기 주말에는 파리-리옹과 생제르베레뱅- 르파예 구간을 하루 2회 왕복 운행한다. 떼제베 리리아(TGV Lyria): 파리-리옹/ 마르세유-생 샤를과 제네바-코르나뱅 / 로잔 간 고속 서비스 . TER 오베르뉴 론 알프스 : 발랑스 마을과 제네바-코르나방 사이의 지역 서비스. 리옹-파듀와 제네바-코르나방, 에비앙레뱅 또는 생제르베레뱅-르파예 간의 지역 서비스. 샹베리-Challes-레오와 제네바-코르나방 사이의 지역 서비스. 레만 익스프레스 L6 : 제네바-코르나방까지 지역 서비스. 각주 외부 링크 1858년 프랑스에서 개업한 철도역
amphora/parallel-wiki-koen
full
The global temperature record shows the fluctuations of the temperature of the atmosphere and the oceans through various spans of time. There are numerous estimates of temperatures since the end of the Pleistocene glaciation, particularly during the current Holocene epoch. Some temperature information is available through geologic evidence, going back millions of years. More recently, information from ice cores covers the period from 800,000 years before the present time until now. A study of the paleoclimate covers the time period from 12,000 years ago to the present. Tree rings and measurements from ice cores can give evidence about the global temperature from 1,000-2,000 years before the present until now. The most detailed information exists since 1850, when methodical thermometer-based records began. Modifications on the Stevenson-type screen were made for uniform instrument measurements around 1880. Geologic evidence (millions of years) On longer time scales, sediment cores show that the cycles of glacials and interglacials are part of a deepening phase within a prolonged ice age that began with the glaciation of Antarctica approximately 40 million years ago. This deepening phase, and the accompanying cycles, largely began approximately 3 million years ago with the growth of continental ice sheets in the Northern Hemisphere. Gradual changes in Earth's climate of this kind have been frequent during the Earth's 4,540 million year existence and most often are attributed to changes in the configuration of continents and ocean sea ways. Ice cores (from 800,000 years before present) Even longer term records exist for few sites: the recent Antarctic EPICA core reaches 800 kyr; many others reach more than 100,000 years. The EPICA core covers eight glacial/interglacial cycles. The NGRIP core from Greenland stretches back more than 100 kyr, with 5 kyr in the Eemian interglacial. Whilst the large-scale signals from the cores are clear, there are problems interpreting the detail, and connecting the isotopic variation to the temperature signal. Ice core locations The World Paleoclimatology Data Center (WDC) maintains the ice core data files of glaciers and ice caps in polar and low latitude mountains all over the world. Ice core records from Greenland As a paleothermometry, the ice core in central Greenland showed consistent records on the surface-temperature changes. According to the records, changes in global climate are rapid and widespread. Warming phase only needs simple steps, however, the cooling process requires more prerequisites and bases. Also, Greenland has the clearest record of abrupt climate changes in the ice core, and there are no other records that can show the same time interval with equally high time resolution. When scientists explored the trapped gas in the ice core bubbles, they found that the methane concentration in Greenland ice core is significantly higher than that in Antarctic samples of similar age, the records of changes of concentration difference between Greenland and Antarctic reveal variation of latitudinal distribution of methane sources. Increase in methane concentration shown by Greenland ice core records implies that the global wetland area has changed greatly over past years. As a component of greenhouse gases, methane plays an important role in global warming. The variation of methane from Greenland records makes a unique contribution for global temperature records undoubtedly. Ice core records from Antarctica The Antarctic ice sheet originated in the late Eocene, the drilling has restored a record of 800,000 years in Dome Concordia, and it is the longest available ice core in Antarctica. In recent years, more and more new studies have provided older but discrete records. Due to the uniqueness of the Antarctic ice sheet, the Antarctic ice core not only records the global temperature changes, but also contains huge quantities of information about the global biogeochemical cycles, climate dynamics and abrupt changes in global climate. By comparing with current climate records, the ice core records in Antarctica further confirm that polar amplification. Although Antarctica is covered by the ice core records, the density is rather low considering the area of Antarctica. Exploring more drilling stations is the primary goal for current research institutions. Ice core records from low-latitude regions The ice core records from low-latitude regions are not as common as records from polar regions, however, these records still provide much useful information for scientists. Ice cores in low-latitude regions usually locates in high altitude areas. The Guliya record is the longest record from low-latitude, high altitude regions, which spans over 700,000 years. According to these records, scientists found the evidence which can prove the Last Glacial Maximum (LGM) was colder in the tropics and subtropics than previously believed. Also, the records from low-latitude regions helped scientists confirm that the 20th century was the warmest period in the last 1000 years. Paleoclimate (from 12,000 years before present) Many estimates of past temperatures have been made over Earth's history. The field of paleoclimatology includes ancient temperature records. As the present article is oriented toward recent temperatures, there is a focus here on events since the retreat of the Pleistocene glaciers. The 10,000 years of the Holocene epoch covers most of this period, since the end of the Northern Hemisphere's Younger Dryas millennium-long cooling. The Holocene Climatic Optimum was generally warmer than the 20th century, but numerous regional variations have been noted since the start of the Younger Dryas. Tree rings and ice cores (from 1,000–2,000 years before present) Proxy measurements can be used to reconstruct the temperature record before the historical period. Quantities such as tree ring widths, coral growth, isotope variations in ice cores, ocean and lake sediments, cave deposits, fossils, ice cores, borehole temperatures, and glacier length records are correlated with climatic fluctuations. From these, proxy temperature reconstructions of the last 2000 years have been performed for the northern hemisphere, and over shorter time scales for the southern hemisphere and tropics. Geographic coverage by these proxies is necessarily sparse, and various proxies are more sensitive to faster fluctuations. For example, tree rings, ice cores, and corals generally show variation on an annual time scale, but borehole reconstructions rely on rates of thermal diffusion, and small scale fluctuations are washed out. Even the best proxy records contain far fewer observations than the worst periods of the observational record, and the spatial and temporal resolution of the resulting reconstructions is correspondingly coarse. Connecting the measured proxies to the variable of interest, such as temperature or rainfall, is highly non-trivial. Data sets from multiple complementary proxies covering overlapping time periods and areas are reconciled to produce the final reconstructions. Proxy reconstructions extending back 2,000 years have been performed, but reconstructions for the last 1,000 years are supported by more and higher quality independent data sets. These reconstructions indicate: global mean surface temperatures over the last 25 years have been higher than any comparable period since AD 1600, and probably since AD 900 there was a Little Ice Age centered on AD 1700 there was a Medieval Warm Period centered on AD 1000, but this was not a global phenomenon. Indirect historical proxies As well as natural, numerical proxies (tree-ring widths, for example) there exist records from the human historical period that can be used to infer climate variations, including: reports of frost fairs on the Thames; records of good and bad harvests; dates of spring blossom or lambing; extraordinary falls of rain and snow; and unusual floods or droughts. Such records can be used to infer historical temperatures, but generally in a more qualitative manner than natural proxies. Recent evidence suggests that a sudden and short-lived climatic shift between 2200 and 2100 BCE occurred in the region between Tibet and Iceland, with some evidence suggesting a global change. The result was a cooling and reduction in precipitation. This is believed to be a primary cause of the collapse of the Old Kingdom of Egypt. Satellite and balloon (1950s–present) Weather balloon radiosonde measurements of atmospheric temperature at various altitudes begin to show an approximation of global coverage in the 1950s. Since December 1978, microwave sounding units on satellites have produced data which can be used to infer temperatures in the troposphere. Several groups have analyzed the satellite data to calculate temperature trends in the troposphere. Both the University of Alabama in Huntsville (UAH) and the private, NASA funded, corporation Remote Sensing Systems (RSS) find an upward trend. For the lower troposphere, UAH found a global average trend between 1978 and 2019 of 0.130 degrees Celsius per decade. RSS found a trend of 0.148 degrees Celsius per decade, to January 2011. In 2004 scientists found trends of +0.19  degrees Celsius per decade when applied to the RSS dataset. Others found 0.20  degrees Celsius per decade up between 1978 and 2005, since which the dataset has not been updated. Thermometers (1850–present) See also Climate variability and change Global warming (causing recent climate change) CLIWOC (climatological database for the world's oceans) Dendroclimatology References External links Hadley Centre: Global temperature data NASA's Goddard Institute for Space Studies (GISS) — Global Temperature Trends. Surface Temperature Reconstructions for the last 2,000 Years Temperature History of climate variability and change Climate and weather statistics
세계 온도 기록은 여러 기간 동안의 지구의 대기와 해양의 온도 변화에 대해 다룬다. 가장 상세한 온도 기록은 1850년 체계적인 온도계에 근거하여 작성한 시기 이후부터 존재한다. 그 외에 플라이스토세 빙기가 끝난 이후 현대 홀로세 기간의 수많은 온도 추정치들이 존재한다. 이보다 더 오래 전의 기간은 고기후학적 방법을 통해 추정한다. 인공위성 및 기상기구 기록 (1950년대 이후) 기상 관측 기구 라디오존데를 통한 다양한 고도에서의 대기 온도 측정이 시작된 1950년대 이후 전세계에서 추정치를 구할 수 있게 되었다. 1978년 12월부터 시작된 인공위성의 마이크로파 음향 장치를 통해 대류권의 추정 온도의 데이터를 구할 수 있게 되었다. 여러 단체들이 대류권의 온도 변화를 분석하기 위해 위성 데이터를 분석하였다. 앨라베마 헌츠빌 대학의 UAH 인공위성 온도 데이터셋과 NASA가 자금을 후원한 민간 기업인 원격감지시스템(RSS) 사의 기록 모두 온도 상승 추세를 기록하였다. 앨라베마 대학 연구에서는 하부 대류권에서 1978년부터 2019년까지 10년당 0.130°C 상승하는 추세로 지속적으로 온도가 증가하였다고 추정하고 있다. 또한 RSS 사에서는 2011년 1월까지 10년당 0.148°C 상승하는 추세로 지속적으로 온도가 증가하였다고 추정하고 있다. 2004년 연구진들은 RSS 데이터 기록을 이용하여 10년당 +0.19°C 추세로 상승중이라고 발표하였다. 또한 비니코프 등 연구진들은 1978년부터 2005년까지 10년당 0.20°C 추세로 상승중이라고 발표하였다. 온도계 기록 (1850년대 이후) 세부적인 온도 기록은 체계적인 온도계를 이용해 기온 측정을 시작한 1850년 이후로 시작된다. 나이테 및 아이스 코어 기록 (1,000-2,000년 전) 체계적 측정 이전의 온도 기록을 재구성하는 데에는 프록시(간접) 측정 기록을 이용한다. 나무 나이테의 너비, 산호 성장 비율, 아이스 코어의 동위원소 비율 변화, 해양 및 호수 퇴적물, 동굴 내 퇴적물, 화석, 시추공 온도, 빙하 길이 기록 등은 기후 변동과 관련이 있다. 이를 통해 북반구에서는 지난 2,000년간의 온도기록을 재구성하였으며 남반구 및 열대지역은 이보다 더 짧은 범위의 기간의 온도기록을 재구성하였다. 이러한 간접적인 온도 기록은 희박하며 더군다나 온도 외에도 더 빠른 변동에 간접적 기록은 더 민감하다. 예를 들어 나이테, 아이스 코어, 산호 등은 년 단위 척도에서 성장폭에 변화가 민감하지만 시추공 재구성 기록은 열확산도에 의존하기 때문에 소규모 온도 변동은 잘 관측되지 않는다. 최선의 간접 관측 기록조차 최악의 관측 온도 기록보다 그 양이 훨씬 적기 때문에 재구성한 온도 결과의 공간적, 시간적 분해능은 매우 낮다. 측정된 간접 기록을 온도나 강수량 등 관심 있는 변수와 연관짓는 것은 꽤나 자명하지 않은 일이다. 이 때는 비슷한 기간과 지역을 포함하는 서로 다른 보완적인 간접 기록의 데이터를 모아 조정하여 최종적인 재구성 온도 기록으로 만든다. 간접 기록을 통한 온도 재구성은 2,000년 전까지를 구현하였으나 실제로 고품질의 독립적인 데이터셋을 이용한 재구성은 1,000년 전까지가 세밀하며 재구성 기록을 통한 결과는 다음과 같다. 지난 25년간의 평균 표면 온도 기록은 서기 1600년 이후, 어쩌면 서기 900년 이후 그 어느때보다도 가장 높다. 1700년대를 중심으로 소빙기가 있었다. 서기 1000년대를 중심으로 중세 온난기가 있었던 것으로 추정되나 정확한 시기 및 그 규모가 불확실하며 지역에 따른 편차가 높다. 간접적 역사 프록시 기록 자연을 통한 기록 뿐 아니라 인간이 기록한 나무의 굵기 변화 목록과 같은 수치적 기록을 통해 기후 변동을 추론할 수 있다. 온도 재구성에 사용할 수 있는 이런 역사 기록에는 템즈강의 언 강 위 스케이트 축제 기록, 풍작 및 흉작 기록, 봄의 꽃의 개화나 양의 분만 기록, 비와 눈 및 특이한 홍수나 가뭄 기록 등이 있다. 이런 기록은 역사 시기 온도를 추론하는 데 사용할 수 있지만 자연의 간접 기록보다는 정성적으로만 바라보는 데 사용된다. 최근의 기록 분석에 따르면 아이슬란드와 티베트 사이 지역에서 기원전 2200년에서 2100년 사이 갑작스럽고 짧은 기간의 기후 변화가 일어났으며, 일부 증거에서는 전세계적으로 기후 변화가 일어났다고 추정된다. 기후 변화 결과 온도가 급격히 낮아지고 강수량이 줄어들었으며 이집트 고왕국이 붕괴되는 데 큰 원인이 된 것으로 추정된다. 고기후 기록 (12,000년 전-현재) 지구의 역사에서 과거의 온도 기록에 대한 많은 추정이 이루어졌다. 고기후학의 연구에는 고대 온도 기록의 연구도 포함된다. 이 문서에서는 최근의 기온 분포를 지향하고 있기 때문에 플라이스토세 빙하 후퇴 이후의 사건에 초점을 맞추고 있다. 홀로세 시기 10,000년은 북반구의 영거 드라이아이스기 천년 냉각기가 끝난 이후의 대부분을 차지한다. 홀로세 최적기는 20세기 평균보다 따뜻하긴 하나 영거 드라이아이스기 시작 이래로 수많은 지역적 변화가 일어났다. 아이스 코어 기록 (80만년 전-현재) 고기후 기록보다 더 긴 기록은 극히 소수만 존재한다. 남극의 EPICA 아이스 코어 기록은 80만년 전 기록까지 있으며, 기타 비슷한 아이스 코어 기록은 10만년 전 기록까지 남아 있다. EPICA에는 총 8번의 빙하기/간빙기 주기가 존재한다. 그린란드의 NGRIP 기록은 10만년 전까지 있으며, 5천년 전의 에미안 간빙기도 드러나 있다. 아이스 코어는 장기간의 규모에서는 명확한 방향성이 드러나지만 세부 사항을 해석하고 동위원소 비율 변화를 온도 변화와 연관짓는데에는 아직 여러 문제가 있다. 지질학적 기록 (100만년 전-현재) 더 긴 시간 척도에서는 침전물 코어를 이용하여 빙하기와 간빙기 주기가 약 4천만년 전 남극 대륙의 빙하화가 시작된 이후 장기간에 걸친 빙하기 진입의 일부분임을 보여줌을 확인할 수 있다. 빙하기의 심화기와 이에 따르는 빙기-간빙기 주기는 대체로 북반구의 빙붕 성장과 함께 약 3백만년 전부터 시작되었다. 이러한 종류의 지구 기후의 점진적인 변화는 지구의 지난 4억 5천만년 간 빈번하게 일어났으며 대부분의 경우 대륙과 해양 구성의 변화에 기반한다. 같이 보기 지구 온난화 기후 변화 각주 외부 링크 Global average temperature for the last 150 years and discussion of trends Preliminary data from the last 2000 years Temperature data Climatic Research Unit, University of East Anglia, Norwich, UK. Philip D. Jones and other. Hadley Centre: Global temperature data NASA's Goddard Institute for Space Studies (GISS) — Global Temperature Trends. Surface Temperature Reconstructions for the last 2,000 Years 기후의 역사 기후 변화 온도
amphora/parallel-wiki-koen
full
Nicolas-Théodore de Saussure (14 October 1767 – 18 April 1845) was a Swiss chemist and student of plant physiology who made seminal advances in phytochemistry. He is one of the major pioneers in the study of photosynthesis. Biography Nicolas-Théodore de Saussure was born into a wealthy, aristocratic, Genevan family, many of whose members were accomplished in the natural sciences, including botany. He was the second child of Horace-Bénédict de Saussure (1740–1799), who was an eminent geologist, meteorologist, physicist and Alpine explorer, and Albertine-Amélie Boissier (1745–1817). His great uncle, Charles Bonnet, was a famous naturalist whose research included experiments on plant leaves. His grandfather Nicolas de Saussure was a noted agriculturist, for whom Nicolas-Théodore was named. Nicolas-Théodore was called "Théodore" to distinguish him from his grandfather, and he published his professional papers under the name Théodore de Saussure after his father died. (While his father was alive, Théodore's papers were published under the name "de Saussure fils", as was the custom of the day for the sons of scientists having the same surname. Nicolas-Théodore, his sister, Albertine, and brother, Alphonse, were educated at home because their father thought the educational system of the day was inferior. From 1782 to 1786, he attended the University of Geneva, where he studied math, science, and history. During the early years of the French Revolution he traveled abroad, meeting with eminent scientists in London. He traveled abroad again in the late 1790s, and in 1800 became acquainted with Parisian scientists and other luminaries. While there, he took courses in chemistry and presented a paper. Upon returning to Geneva in 1802, he accepted an honorary professorship of mineralogy and geology at the University of Geneva. Although he taught very little, he remained on the faculty until 1835. He lived quietly and somewhat reclusively, doing research in his own private laboratory (as was the custom for scientists of his day), but, like others in his family, he was active in public affairs in Geneva, and he served on the Genevan representative council. Nicolas-Théodore's sister, Albertine Necker de Saussure, was a noted early writer on the education of women. Nicolas-Théodore left no direct heirs, but he is the great uncle of Ferdinand de Saussure, an important linguist and semiotician. Career As a young man, Nicolas-Théodore accompanied his father on his Alpine expeditions, some of them under arduous conditions, and assisted him with experiments in physics, chemistry, mineralogy, and meteorology. In one experiment, Nicolas-Théodore confirmed Boyle's law by a new method: He carefully weighed a tightly closed flask at many different altitudes and found that the differences in weight were exactly proportional to the differences in barometric pressure readings. In other research in the physical sciences, he named the mineral dolomite after Déodat Gratet de Dolomieu, in March 1792. Nicolas-Théodore was attracted to chemistry by Lavoisier's discoveries, and he adopted Lavoisier's new system of chemistry early in life. He became interested in the chemistry and physiology of plants, including gas exchange and the ways that different soils affected their growth. His early papers on these subjects laid the groundwork for some of the chapters in his magnum opus, Recherches chimiques sur la Végétation ("Chemical Research on Plant Growth"), published in 1804. This book was the first summation of the fundamental process of photosynthesis and a major contribution to the understanding of plant physiology. In contrast to some of his predecessors in the field of photosynthesis research, Saussure based his conclusions on extensive quantitative data that he had collected. In Recherches chimiques sur la Végétation (1804) Saussure showed that the increase in the mass of a plant as it grows could not be due only to the uptake of CO2, but was also a result of the incorporation of water into plant dry matter. He demonstrated this by showing that plants grown with their roots in water and their shoots in an atmosphere of ordinary air with added CO2 increased in dry weight by an amount much greater than could be attributed to the assimilation of the CO2 gas available to them.  Plainly, the weight increase had come from the water. In addition, Saussure demonstrated that plants obtain their carbon from the carbon dioxide in the atmosphere, not through uptake from humus in the soil, as his immediate predecessors in photosynthesis research had generally believed. He also showed that plants require mineral nutrients, which they take up from the soil, and nitrogen, although he did not trace the source of plant nitrogen definitively to the soil. Saussure's finding that the source of plant minerals was the soil disproved the widely held view that mineral substances in plants arose from vague "transmutations" within the plant. His work enabled completion of the basic, overall chemical equation of photosynthesis, according to which carbon dioxide and water, in the presence of light, are converted by a green plant into fixed carbon (such as glucose, food for the plant), with gaseous oxygen released as a byproduct. Based on his accomplishments in plant chemistry and physiology, Saussure is considered the last of the major early pioneers of photosynthesis research, completing the work begun by his predecessors, including Jan Baptist van Helmont, Joseph Priestley, Jan Ingenhousz, and Jean Senebier. For the several decades following publication of Saussure's book, his findings about the atmospheric source of plant carbon and the soil source for plant mineral nutrients were largely neglected, and little progress was made in further unraveling the chemical processes within plants. Then, Saussure's findings were re-discovered and revived by the eminent German chemist Justus von Liebig. In addition, field research by French agricultural chemist Jean-Baptiste Boussingault substantiated Saussure's conclusions on the importance of mineral nutrients that plants take up from the soil. Saussure's findings have had a significant impact on many disciplines, including chemistry, agriculture, agronomy, soil science, plant physiology, and plant nutrition. He is considered one of the pioneers of modern agriculture. In addition to his studies in plant physiology, Nicolas-Théodore made important advances in the analysis of organic substances. He determined the composition of alcohol and ether, and studied fermentation, the conversion of starches into sugars, and many other biochemical processes. In 1815 he was one of the founding members of Société Helvétique des Sciences Naturelles (Swiss Academy of Natural Sciences). Honours 1808 Correspondent of the First Class of the French Institute. 1812 Member of the Royal Institute of the Netherlands. 1820 Fellow of the Royal Society of London 1820 Member of the Bavarian Academy of Sciences and Humanities. 1830 Foreign member of the Institute of Bologna. 1837 Plant genera Saussurea and Saussuria are named after him. 1842 Elected president of the Congrés Scientifique de Lyons. Works Recherches chimiques sur la Végétation. Chez laV.e Nyon, Paris. (Reprinted in facsimile: 1957, Gauthier-Villars, Paris; and 2010, Nabu Press) Three translations of Recherches chimiques sur la Végétation: First German translation: Theodor von Saussure's chemische Untersuchungen über die Vegetation with commentary, by F.S. Voigt. Reclam, Leipzig 1805. Second German translation: Chemische Untersuchungen über die Vegetation . Vols. 1&2. Engelmann, Leipzig 1890 Digital edition by the University and State Library Düsseldorf English translation: Chemical Research on Plant Growth: A translation of Théodore de Saussure's Recherches chimiques sur la Végétation by Jane F. Hill, Springer Science+Business Media, New York, 2013. . Notes References 1767 births 1845 deaths 18th-century scientists from the Republic of Geneva 19th-century Swiss chemists Swiss Protestants Foreign Members of the Royal Society Swiss politicians Members of the Bavarian Academy of Sciences Members of the Royal Netherlands Academy of Arts and Sciences Plant physiologists Nicolas Theodore
니콜라 테오도르 드 소쉬르(, 1767년 10월 14일 ~ 1845년 4월 18일)는 스위스의 화학자이다. 광합성 연구의 주요 선구자 가운데 한 사람으로 여겨진다. 생애 니콜라 테오도르 드 소쉬르는 제네바에서 부유하고 귀족적인 가문에서 태어났다. 그가 속한 가문의 구성원들 가운데 많은 수가 식물학을 포함한 자연과학 분야에서 업적을 쌓았다. 그는 스위스의 유명한 지질학자, 기상학자, 물리학자, 알프스산맥 탐험가인 오라스 베네딕트 드 소쉬르(1740년 ~ 1799년)와 알베르틴 아멜리 부아시에(1745년 ~ 1817년) 부부의 둘째 아이로 태어났다. 그의 증조부 찰스 보네는 식물 잎에 대한 실험을 포함한 유명한 박물학자였다. 그의 할아버지인 니콜라 드 소쉬르는 유명한 농학자였는데 니콜라 테오도르라는 이름도 여기서 유래된 이름이다. 니콜라 테오도르는 자신의 할아버지와 구별하기 위해 "테오도르"라고 불렸고 자신의 아버지가 사망한 이후에 테오도르 드 소쉬르라는 이름으로 그의 전문 논문을 출판했다. 그의 아버지가 살아있던 동안에 테오도르의 논문들은 같은 성씨를 가진 과학자들의 아들들을 위한 관습처럼 "소쉬르의 아들"(de Saussure fils)이라는 이름으로 출판되었다. 니콜라 테오도르와 그의 여동생인 알베르틴, 그의 형제인 알퐁스는 당시의 교육 시스템이 열등하다고 생각했기 때문에 집에서 교육을 받았다. 니콜라 테오도르는 1782년부터 1786년까지 제네바 대학교에서 수학, 과학, 역사를 전공했다. 소쉬르는 프랑스 혁명 초반에 영국 런던에서 유명한 과학자들을 만났다. 소쉬르는 1790년대 후반에 다시 해외로 여행을 떠났고 1800년에 프랑스 파리의 과학자들과 다른 조명자들을 알게 되었다. 그곳에 있는 동안, 그는 화학 수업을 듣고 논문을 발표했다. 1802년에 제네바로 돌아온 소쉬르는 제네바 대학교에서 광물학·지질학 명예교수직을 수락했다. 소쉬르는 대학교에서 거의 가르치지 않았지만 1835년까지 교수직을 유지했다. 소쉬르는 자신의 개인 실험실에서 연구를 하면서 조용하고 다소 은둔적으로 살았지만 그의 가족의 다른 사람들처럼 제네바에서 공적인 일에 적극적이었고 제네바 시의회에서 근무했다. 니콜라 테오도르의 여동생인 알베르틴 네케르 드 소쉬르는 여성 교육에 관한 유명한 작가였다. 니콜라 테오도르는 직접적인 후계자를 남기지는 않았지만 언어학자이자 기호학자인 페르디낭 드 소쉬르의 큰 삼촌이다. 경력 니콜라 테오도르는 젊은 시절에 자신의 아버지와 함께 알프스산맥 원정에 동행했다. 그는 물리학, 화학, 광물학, 그리고 기상학의 실험들을 도왔는데 이들 가운데 일부는 힘든 조건에서 진행되었다. 니콜라 테오도르는 보일의 법칙을 새로운 방법으로 확인했다. 그는 많은 다른 고도에서 단단히 닫힌 플라스크의 무게를 조심스럽게 쟀고 무게의 차이가 기압 측정값의 차이와 정확히 비례한다는 것을 발견했다. 물리학의 다른 연구에서는 1792년 3월에 프랑스의 지질학자인 데오다 그라테 드 돌로미외의 이름을 따서 백운암이라고 명명했다. 니콜라 테오도르는 앙투안 라부아지에의 발견에 의해 화학에 끌렸고 어린 시절에 라부아지에의 새로운 화학 체계를 도입했다. 그는 가스 교환과 다양한 토양이 식물의 성장에 영향을 미치는 영향을 포함한 식물의 화학과 생리학에 관심을 갖게 되었다. 이 주제들에 대한 그의 초기 논문들은 1804년에 출판된 그의 거대한 저서인 《식물 성장에 대한 화학적 연구》(Recherchs chimiques sur la Végétation)의 일부 장들의 기초를 마련했다. 이 책은 광합성의 근본적인 과정을 처음으로 요약한 것이며 식물 생리학을 이해하는 데 큰 기여를 했다. 광합성 연구의 전임자들과 대조적으로 소쉬르는 그가 수집한 방대한 양의 데이터에 근거하여 결론을 내렸다. 소쉬르는 1804년에 출판된 《식물 성장에 대한 화학적 연구》에서 식물이 성장함에 따라 질량이 증가하는 것은 이산화탄소의 흡수 때문일 뿐만 아니라 식물의 건조 물질에 물이 포함된 결과일 수 있다는 것을 보여주었다. 소쉬르는 이산화탄소가 첨가된 일반 공기의 대기에서 뿌리를 물에 심고 싹을 틔운 식물들이 그들이 이용할 수 있는 이산화탄소 가스의 동화로 인해 건조 무게가 훨씬 더 증가했다는 것을 사실을 증명했다. 분명한 것은 소쉬르는 식물의 무게 증가는 물에서 나온 것임을 입증했다. 소쉬르는 광합성 연구의 그의 전임자들이 일반적으로 믿었던 것처럼 식물들이 토양의 부식질로부터 흡수되는 것이 아니라 대기 중의 이산화탄소로부터 탄소를 얻는다는 것을 증명했다. 소쉬르는 비록 식물이 성장하는 토양에서 나오는 질소의 원천을 토양에 확실하게 추적하지는 않았지만 식물이 토양에서 흡수하는 미네랄 영양과 질소를 필요로 한다는 것을 보여주었다. 식물 광물의 근원이 토양이라는 소쉬르의 발견은 식물의 광물 물질이 식물 내부의 모호한 "변신"으로부터 발생한다는 널리 알려진 견해를 반증했다. 소쉬르의 연구는 광합성의 기본적이고 전체적인 화학 방정식을 완성할 수 있게 해주었고 빛이 있을 때에 이산화탄소와 물은 녹색 식물에 의해 고정된 탄소(예: 포도당, 식물의 먹이)로 전환되고 산소는 부산물로 방출된다. 식물화학과 생리학에서의 업적을 고려할 때 소쉬르는 얀 밥티스타 판 헬몬트, 조지프 프리스틀리, 얀 잉엔하우스, 장 세네비에를 포함한 그의 전임자들에 의해 시작된 연구를 완료한 광합성 연구의 주요 초기 선구자들 가운데 마지막으로 여겨진다. 소쉬르의 책이 출판된 이후에 수십 년 동안 식물 탄소의 대기 공급원과 식물 미네랄의 토양 공급원에 대한 그의 발견은 대부분 무시되었고 식물 내부의 화학적 과정을 더 풀어내는 데는 거의 진전이 없었다. 그러나 소쉬르의 발견은 독일의 유명한 화학자인 유스투스 폰 리비히에 의해 재발견되고 되살아났다. 또한 프랑스의 농업화학자인 장밥티스트 부싱고의 현장 연구는 식물이 토양에서 차지하는 미네랄 영양의 중요성에 대한 소쉬르의 결론을 입증했다. 소쉬르의 발견은 화학, 농업, 농학, 토양 과학, 식물 생리학, 식물 영양학을 포함한 많은 분야에 중요한 영향을 미쳤다. 그는 현대 농업의 선구자 가운데 한 명으로 여겨진다. 니콜라 테오도르는 식물 생리학에 대한 연구 외에도 유기물 분석에 중요한 발전을 이루었다. 그는 알코올과 에테르의 조성을 결정했고 발효, 녹말의 설탕으로의 전환, 그리고 많은 다른 생화학적 과정을 연구했다. 1815년에는 스위스 자연과학 아카데미의 창립 회원 가운데 한 명이 되었다. 식물학에서 학명을 표기하는 데에 사용되는 약칭 가운데 하나인 N.T.Sauss.는 그의 이름에서 유래된 이름이다. 각주 1767년 출생 1845년 사망 스위스의 화학자 스위스의 정치인 스위스의 개신교도 소쉬르가 식물생리학자 왕립학회 외국인 회원 네덜란드 왕립 예술 과학 아카데미 회원
amphora/parallel-wiki-koen
full
L'Occitane en Provence, "the Occitan woman (in Provence)," commonly known as L'Occitane, is a French luxury retailer of body, face, hair, fragrances, and home products based in Manosque, France. It was founded in 1976 by Olivier Baussan, with the purpose to create a company that celebrates and preserves the traditions of his native Provence. In 2010, the company became listed on the Hong Kong Stock Exchange. History In 1976, 23-year-old Olivier Baussan used steam distillation to produce essential oil from wild rosemary and lavender which he sold at open-air markets in his native Provence. L'Occitane was named for the women of Occitania. This area existed during the Middle Ages, spanning southern France, north-eastern Spain and northern Italy. Occitan was the native language and is still spoken as a second language in some areas of this region. In 1976, using an old soap factory that was donated to him, Olivier Baussan revived the traditional art of Marseille soap-making in Manosque, another Provençal village. He manufactured vegetable-based soaps. The first L'Occitane factory and boutique opened in 1981 in Volx, a village in Provence. In the 1990s, Baussan sold a majority stake in the business to venture capitalists to finance expansion. As their approaches were incompatible, Baussan found himself excluded from daily management and strategic decision-making. In 1994, Austrian businessman Reinold Geiger bought a 33% stake in the group. Through a series of capital increases, Geiger became majority shareholder in 1996. Geiger, as the new chairman, asked Baussan to return as creative director and lead product development. The company's new focus on marketing strategy paved the way for international expansion. In the late 1990s the company changed its name to 'L'Occitane en Provence', to strengthen the connection with the company's roots and because the term 'Provence' had more meaning to an international audience. On 20 April 2001, Clarins became a financial investor in the company through subscription to approximately 5.18% of the company's shares and €11,433,750 convertible debenture loan. On 22 February 2005, Clarins further invested €16,525,580 in convertible debentures. When the debentures were converted, Clarins held 23.33% of the shares. The management executed a leveraged buyout in May 2007 following which Reinold Geiger's stake rose from 31.9% to 48.7%, and Clarins' stake was diluted to 10.0%. L'Occitane has shops in over 90 countries, in North America, South America, Europe, Asia, Australia and Africa; with 170 shops in the United States. At the launch of its IPO in 2010, the company announced that its products were sold in over 80 countries through over 1,500 retail locations; it had 753 L'Occitane Stores. In the year ended 31 March 2009, it generated sales of €537.3 million. It planned over 650 store openings with the capital raised. In 2013, the company employed 6,600 people worldwide and created a new brand L'Occitane au Brésil, focused on products from Brazil. In 2021, the company's US unit filed for Chapter 11 bankruptcy proceedings in New Jersey. In 2021 L’Occitane Group acquired the US beauty brand Sol de Janeiro, valued in US$450 million. In March 2022, L’Occitane acquired a majority stake in the Australian skincare brand, Grown Alchemist. Following 2022 Russian invasion of Ukraine, L'Occitane announced it would continue to keep its Russian stores open on the grounds that it wanted to protect its staff from potential retaliation. Several days later L'Occitane reversed their decision announcing that it would be closing its Russian shops and website. Nevertheless, Russian stores are still supplied with products, only as a separate legal entity with a new name (Л'Окситан). Listing In March 2010, the listing committee of the Hong Kong Stock Exchange approved its plan for a $400–$600 million initial public offering of L'Occitane International S.A., underwritten by CLSA, HSBC and UBS which the company had originally planned in 2008, but postponed because of the 2008 financial crisis. The company stated that two-thirds of the proceeds would be used to finance store openings. China Investment Corporation invested US$50 million in the company's IPO as the cornerstone investor (for approximately 1.9% of the shares). Following the listing of shares in L'Occitane International SA, L'Occitane Groupe SA retains 75% of the shareholding of the company; shares owned by Geiger, Clarins and other shareholders are indirect. Beauty products All of L'Occitane's products are developed and produced from its base in Manosque, where 1,000 employees work. The company sources the majority of its production from Provence and one of their main product l'Immortelle plants (Helichrysum italicum) from Corsica from producers who rely on traditional production methods. L'Occitane contributes to preserve traditional cultivation methods by: Supporting the program to cultivate almond trees in the Alps of Haute-Provence. Preserving certain rare species through the planting of their own field of Immortelle flowers in Corsica. Developing partnerships with organisations that support the development of scented and aromatic plants, such as the Office National Interprofessionel des Plantes à Parfum, and Encouraging traditional cultivation, particularly that of lavender. In addition to products sourced from Provence, shea butter is purchased directly from women's groups in Burkina Faso as Fair Trade with the ECOCERT certification. The shea tree is considered sacred, and its butter is known as "women's gold" because it is how the women make their money. Shea butter traditions are still used, such as only fallen fruit may be collected by women, and only women know the secret to making shea butter. According to the company, it does not conduct animal testing, and no animal product or by-product, except for beehive products, are used in the manufacturing process. L'Occitane develops most of its products and ingredients in line with the organic cosmetics specifications of the ECOCERT. Melvita L'Occitane bought Groupe M&A Development and its subsidiary, M&A Santé Beauté, which includes the organic cosmetic brand Melvita, in 2008. The company, which was founded in the Ardèche in 1983 by French biologist Bernard Chevilliat, commercialises ecological and organic cosmetics principally in France. In 1990, Melvita launched its first organic cosmetics range and its manufacturing obtained the ECOCERT certification. They now have stores in thirteen countries. The L'Occitane Foundation La Fondation d'Entreprise L'Occitane is a private organisation founded in 2006 by the company, with a budget of 4 million euros for 6 years, to support visually impaired people and help the economic emancipation of women. It supports associations for the visually impaired, particularly in Burkina Faso with NGOs that are specialised in training professionals to reduce blindness. The L'Occitane Foundation has formed a partnership with Orbis, an organisation that fights against avoidable blindness in developing countries. To support economic emancipation of women, the L'Occitane Foundation partnered with the association Faa-I-tuora to improve the way of living of people in Dissin, in the South West region of Burkina Faso. In 2013, the United Nations Development Programme (UNDP) decided to recognise L'Occitane en Provence as an exemplary company within the framework of its 2013 "Growing Inclusive Markets" initiative. Since 2013, L'Occitane Foundation has rewarded an ophthalmologist every two years for his work in the fight against blindness. In 2013 Professor Volker Klaus received the first l'Occitane Sight Award with a €50,000 grant for his action in Africa. References External links L'occitane Official website Retail companies of France French brands Chemical companies established in 1976 Retail companies established in 1981 Cosmetics companies of France Companies listed on the Hong Kong Stock Exchange Companies based in Provence-Alpes-Côte d'Azur Companies that filed for Chapter 11 bankruptcy in 2021 Attempted mergers and acquisitions
록시땅 앙 프로방스( ), 줄여서 록시땅(L'Occitane)은 프랑스 마노스크에 본사를 둔 명품 화장품 및 세면 용품 브랜드다. 1976년 올리비에 바우산이 그의 고향인 프로방스의 전통을 기념하고 보존하는 회사를 설립하기 위한 목적으로 설립했다. 2010년 홍콩 증권거래소에 상장되었다. 역사 1976년 23세의 올리비에 바우샨은 증기 증류를 이용하여 야생 로즈메리와 라벤더에서 에센셜 오일을 생산했고, 그는 이것을 그의 고향 프로방스의 노천 시장에서 팔았다. 록시땅은 오시타니아의 여성 이름에서 따왔다. 이 지역은 프랑스 남부, 스페인 북동부, 이탈리아 북부에 걸쳐 중세 시대에 존재했다. 오크어는 원주민 언어였으며, 이 지역의 일부 지역에서는 여전히 제2언어로 사용되고 있다. 1976년, 올리비에 바우산은 자신에게 기증된 오래된 비누 공장을 이용하여 프로방스 마을인 마노스크에서 마르세유 비누 제조의 전통 예술을 부활시켰다. 그는 야채 기반의 비누를 제조했다. 첫 번째 록시땅 공장과 부티크는 1981년 프로방스의 마을인 볼락스 (Volx)에 문을 열었다. 1990년대에 바우산은 사업 확장 자금을 조달하기 위해 벤처 투자가들에게 사업 지분의 대부분을 매각했다. 그들의 접근 방식이 양립할 수 없었기 때문에, 바우산은 자신이 일상적인 관리 및 전략적 의사 결정에서 배제되었다는 것을 알게 되었다. 1994년, 오스트리아의 사업가 라이놀트 가이거는 그룹의 지분 33%를 샀다. 일련의 증자를 통해 가이거는 1996년에 대주주가 되었다. 가이거 신임 회장은 바우산에게 크리에이티브 디렉터로 복귀해 제품 개발을 이끌어 달라고 요청했다. 마케팅 전략에 대한 회사의 새로운 초점은 국제적인 확장을 위한 길을 닦았다. 1990년대 후반에 회사의 뿌리와의 연결을 강화하기 위해 회사 이름을 'L'occitaneen Provence'로 바꾸었다. 2001년 4월 20일, 클라린스는 회사 주식의 약 5.18%와 €11,433,750의 전환사채 대출을 통해 회사의 재무적 투자자가 되었다. 2005년 2월 22일, 클라린은 16,525,580유로를 전환사채에 투자하였다. 사채가 전환되었을 때, 클라린스는 23.33%의 주식을 보유하였다. 경영진은 2007년 5월 레버리지 인수를 단행했고, 이에 따라 레이놀드 가이거의 지분은 31.9%에서 48.7%로, 클래린스의 지분은 10.0%로 희석됐다. 록시땅은 미국 북부를 포함해 90여 개국에 상점이 있고북아메리카, 남아메리카, 유럽, 아시아, 오스트레일리아, 아프리카에 있으며, 미국에는 170개의 상점은 미국에 있다. 2010년 IPO를 시작할 때, 이 회사는 자사의 제품이 1,500개 이상의 소매점을 통해 80개 이상의 국가에서 판매되었다고 발표했다. 2009년 3월 31일까지 5억 3730만 유로의 매출을 올렸다. 이 회사는 자본금을 모아 650개 이상의 점포 개설을 계획했다. 2013년에는 전 세계에서 6,600명의 직원을 고용하고 브라질 제품에 초점을 맞춘 새로운 브랜드인 록시땅 브래실을 창설했다. 2021년, 회사의 미국 법인은 뉴저지에 11장 파산 절차를 신청했다. 2021년 록시땅 그룹은 미국의 뷰티 브랜드 솔데자네이로를 인수했다. 2022년 3월, 록시테인은 오스트레일리아의 스킨케어 브랜드인 그라우드 연금술사의 지분 대부분을 인수했다. 2022년 러시아의 우크라이나 침공 이후, 록시테인은 잠재적인 보복으로부터 직원들을 보호하기 위해 러시아 상점을 계속 열 것이라고 발표했다. 며칠 후, 록시땅은 러시아 상점과 웹사이트를 폐쇄할 것이라고 발표하면서 결정을 번복했다. 리스트 2010년 3월, 홍콩 증권거래소의 상장 위원회는 L'Occitane International S.A.의 주식 공개 계획을 승인했다. 그 회사는 수익의 3분의 2가 매장 개점 자금 조달에 사용될 것이라고 말했다.중국 투자 회사는 주식의 약 1.9%에 대한 주춧돌 투자자로서 회사의 IPO에 5천만 달러를 투자했다. 록시땅 인터내셔널 SA의 주식 상장에 따라 록시테인 그룹 SA는 회사의 지분 75%를 보유하고 있으며, 가이거, 클라린스 등의 주식은 간접적으로 소유하고 있다. 미용 제품 록시땅의 모든 제품은 직원 1,000명이 근무하는 마노스큐의 본사에서 개발 및 생산된다. 그 회사는 생산의 대부분을 프로방스에서 조달한다. 그리고 전통적인 생산 방식에 의존하는 생산자들의 주요 생산품인 코르시카에서 생산되는 불사조 식물 (Helichrysum Italicum) 중 하나이다. 록시땅은 전통적인 재배 방법을 보존하는데 기여한다. 오트프로방스 알프스의 아몬드 나무 재배 프로그램을 지원한다. 코르시카에 있는 불멸의 꽃밭을 심어서 희귀한 종들을 보존한다. 향기롭고 향기로운 식물 개발을 지원하는 조직과의 파트너십 개발 (예: 향수 식물 국립간 사무국), 그리고 전통적인 재배, 특히 라벤더 재배를 장려한다. 시어버터는 프로방스산 제품 외에도 ECOCERT 인증으로 부르키나파소의 여성단체에서 공정무역으로 직접 구매한다. 시아 나무는 신성한 것으로 여겨지며, 여성들이 돈을 버는 방법이기 때문에 시아 트리의 버터는 "여성의 금"으로 알려져 있다. 시어버터의 전통은 여전히 사용되고 있다. 예를 들어, 떨어진 과일만 여성에 의해 수집될 수 있고, 시어버터를 만드는 비결을 여성만이 안다. 업체 측에 따르면 동물실험을 하지 않으며, 제조과정에서 벌집 제품을 제외한 동물제품이나 부산물이 사용되지 않는다. 록시땅은 에코커트의 유기농 화장품 사양에 맞춰 대부분의 제품과 성분을 개발한다. 멜비타 주 록시테인은 2008년 그룹 M&A 개발사와 자회사인 M&A 산테 뷰티를 인수했다. 1983년 프랑스 생물학자 베르나르 셰빌리아에 의해 아르데슈에서 설립된 이 회사는 주로 프랑스에서 생태 및 유기농 화장품을 상품화하고 있다. 1990년, 멜비타는 최초의 유기농 화장품 제품군을 출시했고 그것의 제조는 ECOCERT 인증을 받았다. 그들은 현재 13개국에 상점을 가지고 있다. 록시땅 재단 라 퐁당 드 엔터프라이즈 록시테인은 시각장애인을 지원하고 여성의 경제적 해방을 돕기 위해 6년간 400만 유로의 예산을 들여 2006년 설립된 민간단체다. 특히 부르키나파소의 시각장애인을 위한 NGO 단체와 시각장애인을 위한 훈련을 지원한다. 록시테인 재단은 개발도상국에서 피할 수 있는 실명에 맞서 싸우는 단체인 Orbis와 파트너십을 맺었다. 여성의 경제적 해방을 지원하기 위해 록시테인 재단은 부르키나파소의 남서부 지역에 있는 디신의 사람들의 생활 방식을 개선하기 위해 파아-이투오라 협회와 협력했다. 2013년 유엔 개발 계획(UNDP)은 2013년 "성장하는 포용적 시장" 이니셔티브의 틀 안에서 로시타넨 프로방스를 모범적인 기업으로 인정하기로 결정했다.2013년부터, 록시땅 재단은 실명과의 싸움에 대한 그의 노력에 대해 2년마다 안과의사에게 상을 주었다. 2013년, 볼커 클라우스 교수는 아프리카에서의 활동에 대해 €50,000의 상금으로 첫 번째 옥시탄 시선상을 받았다. 각주 외부 링크 프랑스의 소매업체 프랑스의 브랜드 프랑스의 화장품 회사 홍콩 증권거래소 상장 기업 1976년 설립된 기업 1981년 설립된 기업
amphora/parallel-wiki-koen
full
I tried that and got another error, but I think we're getting closer. Logs 03/21/2023 12:18:59 PM Queued 03/21/2023 12:19:00 PM Dedicating resources 03/21/2023 12:19:00 PM Partition ID: 466, Label: "Job" 03/21/2023 12:19:00 PM Actual CPU allocation: 256m 03/21/2023 12:19:00 PM Actual memory allocated: 1024mb 03/21/2023 12:19:03 PM Your job is now in a running state. 03/21/2023 12:19:05 PM Collecting slack-sdk 03/21/2023 12:19:05 PM Downloading slack\_sdk-3.20.2-py2.py3-none-any.whl (274 kB) 03/21/2023 12:19:08 PM Installing collected packages: slack-sdk 03/21/2023 12:19:10 PM Successfully installed slack-sdk-3.20.2 03/21/2023 12:19:17 PM Requirement already satisfied: slack-sdk in /opt/conda/lib/python3.7/site-packages (3.20.2) 03/21/2023 12:19:22 PM Requirement already satisfied: civis in /opt/conda/lib/python3.7/site-packages (1.16.0) 03/21/2023 12:19:23 PM Requirement already satisfied: jsonref<=0.2.99,>=0.1 in /opt/conda/lib/python3.7/site-packages (from civis) (0.2) 03/21/2023 12:19:23 PM Requirement already satisfied: tenacity<9,>=6.2 in /opt/conda/lib/python3.7/site-packages (from civis) (8.0.1) 03/21/2023 12:19:23 PM Requirement already satisfied: click<9,>=6.0 in /opt/conda/lib/python3.7/site-packages (from civis) (6.7) 03/21/2023 12:19:23 PM Requirement already satisfied: pyyaml<7,>=3.0 in /opt/conda/lib/python3.7/site-packages (from civis) (5.2) 03/21/2023 12:19:23 PM Requirement already satisfied: cloudpickle<3,>=0.2 in /opt/conda/lib/python3.7/site-packages (from civis) (1.2.2) 03/21/2023 12:19:23 PM Requirement already satisfied: joblib<2,>=0.11 in /opt/conda/lib/python3.7/site-packages (from civis) (0.14.1) 03/21/2023 12:19:23 PM Requirement already satisfied: requests<3,>=2.12.0 in /opt/conda/lib/python3.7/site-packages (from civis) (2.22.0) 03/21/2023 12:19:23 PM Requirement already satisfied: jsonschema<5,>=2.5.1 in /opt/conda/lib/python3.7/site-packages (from civis) (3.2.0) 03/21/2023 12:19:23 PM Requirement already satisfied: certifi>=2017.4.17 in /opt/conda/lib/python3.7/site-packages (from requests<3,>=2.12.0->civis) (2021.10.8) 03/21/2023 12:19:23 PM Requirement already satisfied: idna<2.9,>=2.5 in /opt/conda/lib/python3.7/site-packages (from requests<3,>=2.12.0->civis) (2.8) 03/21/2023 12:19:23 PM Requirement already satisfied: urllib3!=1.25.0,!=1.25.1,<1.26,>=1.21.1 in /opt/conda/lib/python3.7/site-packages (from requests<3,>=2.12.0->civis) (1.25.7) 03/21/2023 12:19:23 PM Requirement already satisfied: chardet<3.1.0,>=3.0.2 in /opt/conda/lib/python3.7/site-packages (from requests<3,>=2.12.0->civis) (3.0.4) 03/21/2023 12:19:23 PM Requirement already satisfied: six>=1.11.0 in /opt/conda/lib/python3.7/site-packages (from jsonschema<5,>=2.5.1->civis) (1.16.0) 03/21/2023 12:19:23 PM Requirement already satisfied: importlib-metadata; python\_version < "3.8" in /opt/conda/lib/python3.7/site-packages (from jsonschema<5,>=2.5.1->civis) (4.8.2) 03/21/2023 12:19:23 PM Requirement already satisfied: setuptools in /opt/conda/lib/python3.7/site-packages (from jsonschema<5,>=2.5.1->civis) (58.0.4) 03/21/2023 12:19:23 PM Requirement already satisfied: pyrsistent>=0.14.0 in /opt/conda/lib/python3.7/site-packages (from jsonschema<5,>=2.5.1->civis) (0.18.0) 03/21/2023 12:19:23 PM Requirement already satisfied: attrs>=17.4.0 in /opt/conda/lib/python3.7/site-packages (from jsonschema<5,>=2.5.1->civis) (21.2.0) 03/21/2023 12:19:23 PM Requirement already satisfied: typing-extensions>=3.6.4; python\_version < "3.8" in /opt/conda/lib/python3.7/site-packages (from importlib-metadata; python\_version < "3.8"->jsonschema<5,>=2.5.1->civis) (3.10.0.2) 03/21/2023 12:19:23 PM Requirement already satisfied: zipp>=0.5 in /opt/conda/lib/python3.7/site-packages (from importlib-metadata; python\_version < "3.8"->jsonschema<5,>=2.5.1->civis) (3.6.0) 03/21/2023 12:19:32 PM Workflow with name 'Middle Seat Workflow' not found. 03/21/2023 12:19:32 PM Traceback (most recent call last): 03/21/2023 12:19:32 PM File "/app/script", line 56, in 03/21/2023 12:19:32 PM if last\_run["state"] == "succeeded": 03/21/2023 12:19:32 PM TypeError: 'NoneType' object is not subscriptable 03/21/2023 12:19:33 PM Failed: The job container failed. Exit code 1 03/21/2023 12:19:33 PM No resource usage metrics were collected. This may happen when a Run finishes quickly.
시도했지만 또 다른 오류가 발생했지만 점점 가까워지고 있는 것 같습니다.Logs03/21/2023 12:18:59 오후Queued03/21/2023 12:19:00 오후리소스 전용03/21/2023 12:19:00 오후파티션 ID: 466, 레이블: "Job"03/21/2023 12:19:00 오후실제 CPU 할당: 256m03/21/2023 12:19:00 오후실제 할당된 메모리: 1024MB03/21/2023 12:19:03 PM이제 작업이 실행 중입니다.03/21/2023 12:19:05 PMslack-sdk 수집 중03/21/2023 12:19:05 PM slack\_sdk-3.20.2-py2.py3-none-any.whl 다운로드 (274 kB)03/21/2023 12:19:08 오후수집된 패키지 설치: slack-sdk03/21/2023 12:19:10 오후slack-sdk-3.20.2를 성공적으로 설치했습니다.03/21/2023 12:19:17 오후이미 충족된 요구 사항: /opt/conda/lib/python3.7/site-packages (3.20.2)의 slack-sdk03/21/2023 12:19:22 오후이미 충족된 요구사항: /opt/conda/lib/python3.7/site-packages의 civis (1.16.0)03/21/2023 12:19:23 오후이미 충족된 요구사항: /opt/conda/lib/python3.7/site-packages의 jsonref<=0.2.99,>=0.1 (civis에서) (0.2) (0.2)03/21/2023 12:19:23 오후이미 충족된 요구사항: tenacity<9,>=6.2 in /opt/conda/lib/python3.7/site-packages (civis에서) (8.0.1).03/21/2023 12:19:23 오후이미 충족된 요구사항: 클릭<9,>=6.0 in /opt/conda/lib/python3.7/site-packages (civis에서) (6.7) (6.7)03/21/2023 12:19:23 오후이미 충족된 요구사항: /opt/conda/lib/python3.7/site-packages의 pyyaml<7,>=3.0 (civis에서) (5.2) (5.2)03/21/2023 12:19:23 오후이미 충족된 요구사항: /opt/conda/lib/python3.7/site-packages의 cloudpickle<3,>=0.2 (civis에서) (1.2.2).03/21/2023 12:19:23 오후이미 충족된 요구사항: /opt/conda/lib/python3.7/site-packages의 joblib<2,>=0.11 (civis에서) (0.14.1).03/21/2023 12:19:23 오후이미 충족된 요구사항: 요청<3,>=2.12.0 in /opt/conda/lib/python3.7/site-packages (civis에서) (2.22.0).03/21/2023 12:19:23 오후이미 충족된 요구사항: /opt/conda/lib/python3.7/site-packages의 jsonschema<5,>=2.5.1 (civis에서) (3.2.0).03/21/2023 12:19:23 오후이미 충족된 요구사항: certifi>=2017.4.17 in /opt/conda/lib/python3.7/site-packages (요청<3,>=2.12.0->civis) (2021.10.8) (2021.10.8)03/21/2023 12:19:23 오후이미 충족된 요구사항: idna<2.9,>=2.5 in /opt/conda/lib/python3.7/site-packages (from requests<3,>=2.12.0->civis) (2.8)03/21/2023 12:19:23 오후이미 충족된 요구사항: /opt/conda/lib/python3.7/site-packages (요청<3,>=2.12.0->civis에서) (1.25.7)에서 urllib3!=1.25.0,!=1.25.1,<1.26,>=1.21.103/21/2023 12:19:23 오후이미 충족된 요구사항: /opt/conda/lib/python3.7/site-packages의 chardet<3.1.0,>=3.0.2 (요청<3,>=2.12.0->civis에서) (3.0.4)03/21/2023 12:19:23 오후이미 충족된 요구사항: 여섯>=1.11.0 in /opt/conda/lib/python3.7/site-packages (from jsonschema<5,>=2.5.1->civis) (1.16.0)03/21/2023 12:19:23 오후이미 충족된 요구 사항: importlib-metadata; python\_version < "3.8" in /opt/conda/lib/python3.7/site-packages (from jsonschema<5,>=2.5.1->civis) (4.8.2)03/21/2023 12:19:23 오후이미 충족된 요구사항: /opt/conda/lib/python3.7/site-packages의 setuptools (jsonschema<5,>=2.5.1->civis에서) (58.0.4) (4.8.2)03/21/2023 12:19:23 오후이미 충족된 요구사항: /opt/conda/lib/python3.7/site-packages의 pyrsistent>=0.14.0 (jsonschema<5,>=2.5.1->civis에서) (0.18.0)03/21/2023 12:19:23 오후이미 충족된 요구 사항: /opt/conda/lib/python3.7/site-packages의 attrs>=17.4.0 (jsonschema<5,>=2.5.1->civis에서) (21.2.0)03/21/2023 12:19:23 오후이미 충족된 요구 사항: 타이핑-확장>=3.6.4; /opt/conda/lib/python3.7/site-packages의 python\_version < "3.8" (importlib-metadata에서; python\_version < "3.8"->jsonschema<5,>=2.5.1->civis) (3.10.0.2) (21.2.0)03/21/2023 12:19:23 오후이미 충족된 요구 사항: /opt/conda/lib/python3.7/site-packages의 zipp>=0.5 (importlib-metadata에서; python\_version < "3.8"->jsonschema<5,>=2.5.1->civis) (3.6.0)03/21/2023 12:19:32 오후'중간 좌석 워크플로'라는 이름의 워크플로를 찾을 수 없습니다.03/21/2023 12:19:32 오후트레이스백 (가장 최근 통화 마지막):03/21/2023 12:19:32 오후 파일 "/app/script", 56행, 내 03/21/2023 12:19:32 오후 if last\_run["state"] == "성공":03/21/2023 12:19:32 오후유형 오류: 'NoneType' 객체를 구독할 수 없습니다.03/21/2023 12:19:33 오후실패했습니다: 작업 컨테이너가 실패했습니다. 종료 코드 103/21/2023 12:19:33 오후리소스 사용량 메트릭이 수집되지 않았습니다. 실행이 빠르게 완료될 때 이 문제가 발생할 수 있습니다.
squarelike/sharegpt_deepl_ko_translation
full
Windows Insider is an open software testing program by Microsoft that allows users globally who own a valid license of Windows 11, Windows 10, or Windows Server to register for pre-release builds of the operating system previously only accessible to software developers. Microsoft launched Windows Insider for developers, enterprise testers and the "technically able" to test new developer features on pre-release software and builds to gather low level diagnostics feedback in order to identify, investigate, mitigate and improve Windows 10, with the help, support and guidance of the Insider program Participants, in direct communication with Microsoft Engineers via a proprietary communication and diagnostic channel. It was announced on September 30, 2014, along with Windows 10. By September 2015, over 7 million people took part in the Windows Insider program. On February 12, 2015, Microsoft started to test out previews of Windows 10 Mobile. Microsoft announced that the Windows Insider program would continue beyond the official release of Windows 10 for future updates. Gabriel Aul and Dona Sarkar were both previously the head of the Windows Insider Program. The present head of the Windows Insider program is Amanda Langowski. Similar to the Windows Insider program, the Microsoft Office, Microsoft Edge, Skype, Bing, Xbox and Visual Studio Code teams have set up their own Insider programs. History Microsoft originally launched Windows Insider for enterprise testers and the "technically able" to test out new developer features and to gather feedback to improve the features built into Windows 10. By the time of the official launch of Windows 10 for PCs, a total of 5 million volunteers were registered on both Windows 10 and Windows 10 Mobile. They were also among the first people to receive the official update to Windows 10. With the release of Windows 10, the Windows Insider app was merged with the Settings app. This made the ability to install Windows Insider preview builds an optional feature which could be accessed directly from within Windows 10. In May 2017, Microsoft announced that the program would extend to Windows Server 2016. The first Insider build for this operating system was released on 13 July 2017. On June 24, 2021, Microsoft announced that the program would extend to Windows 11, with the Dev and Beta channels transitioning to the new operating system. The first Insider build for Windows 11 was released on June 28, 2021 for the Dev Channel. Channels Windows Insider Preview updates are delivered to testers in different channels (previously "rings") or logical categories: Windows Insiders in Dev Channel (previously Fast ring) receive updates prior to Windows Insiders in Beta Channel (previously Slow ring) but might experience more bugs and other issues. Release Preview Channel (previously Release Preview ring) was introduced in February 2016. On November 5, 2019, Microsoft abandoned the Skip Ahead ring from the Windows Insider Program, stating "Our goal is to provide everyone in the Fast ring the freshest builds at the same time". On June 15, 2020, Microsoft introduced "channels" model to its Windows Insider Program, succeeding its "rings" model. On March 6, 2023, Microsoft announced that the Canary Channel is now available to the public, allowing users to try out "hot off the presses" builds that include experimental and cutting-edge features. Supported devices Supported processors On July 17, 2017, reports began to come that Windows 10 Creators Update refused to install on PCs and tablets sporting Intel Atom "Clover Trail" processors. At first, it appeared as though this might have been a temporary block as Microsoft and hardware partners work to fix the issues preventing the operating system to run well. However, Microsoft later confirmed that devices running the "Clover Trail" Intel Atom processors would not be receiving the Creators Update, as the processors are no longer supported by Intel and does not have the appropriate firmware to properly run versions of Windows 10 newer than the Anniversary Update. The following processors are no longer supported and will remain on Windows 10 Anniversary Update: Atom Z2760 Atom Z2520 Atom Z2560 Atom Z2580 Because PCs with unsupported processors could not receive new features updates, Microsoft agreed to extend support for these PCs with the bug fixes and security updates for the latest compatible version of Windows 10. Versions of Windows 10 that were released before a microprocessor was released is also not supported and installations for those operating systems may be actively blocked. For example, Windows 10 Version 1507 LTSB will not install on Kaby Lake processors. Due to security concerns such as the zero day exploit, Windows 11 now requires an 8th generation or later Intel CPU or a 2nd generation AMD Ryzen or later CPU, with a Trusted Platform Module 2.0 security chip and Secure Boot enabled. Testing had been conducted on 7th generation Intel and 1st generation Ryzen CPUs, but support was ended before the final version was released. Older CPUs and systems without TPM or Secure Boot may be able to run Windows 11, but will require changes to be made to the system registry to be able to upgrade to the operating system. Microsoft has raised the possibility of not providing updates to unsupported devices on Windows 11. Supported smartphones Microsoft initially launched Windows 10 Technical Preview for certain third-generation (x30 series) phones from their Lumia family and subsequently released it to second-generation (x20 series) devices throughout the testing phase. Some hacked their non-Lumia phones (which were not supported at the time) to download the preview builds. Microsoft responded by blocking all unsupported models. To roll back the installed technical preview back to Windows Phone 8.1, Microsoft launched Windows Device Recovery Tool that removes Windows 10 and recovers the latest officially released software and firmware. Preview build 10080, released on May 14, 2015, was the first to support a non-Lumia device, the HTC One M8 for Windows. This was followed up by Xiaomi who, in partnership with Microsoft, released a ROM port of Windows 10 to its flagship Mi 4 handset on June 1, 2015. At that time, it was limited to certain registered users in China. Build 10080 and its follow-up build 10166 also added support for fourth-generation Lumia (x40 series) devices. As a result, all compatible Windows Phone 8 or later Lumia phones now support the preview. In August 2015, Microsoft stated that while all Windows Phone devices, including those from Microsoft's new hardware partners announced the previous year, would receive the final version of Windows 10 Mobile, not all would receive preview builds through the Insider program. However, the company did not provide any information at the time on whether new devices would be added to the preview program. Microsoft instead focused on promoting new devices that come with Windows 10 Mobile, including their Lumia 950 and Lumia 950 XL flagships, and the low-cost Lumia 550 and Lumia 650. Since their release, these new Windows 10 devices became eligible to receive future updates in advance via the Insider program, beginning with build 10586 on December 4, 2015. On February 19, 2016, Microsoft released the first Windows 10 Mobile "Redstone" preview, build 14267. Starting with this build, future preview versions became exclusively available for devices that were already running a non-Insider preview of the OS, except for the Mi4 ROM version. This was followed by build 14291, released for existing Windows 10 devices on March 17, 2016 in conjunction with the official RTM release of Windows 10 Mobile to third and fourth-generation Lumias. The following week, it became available to the newly upgraded older Lumias in addition to several other devices already on Windows 10 Mobile at the time. All supported devices subsequently received Insider preview builds as far as build 15063, the "Creators Update", released on March 20, 2017. This included the official release of build 14393, the "Anniversary Update", on August 2, 2016. However, it was announced in April 2017 that many devices, including all third-generation Lumias, would not receive the RTM version of the Creators Update and further "Redstone" development builds, following feedback from users. Of the devices that remain supported, nearly all, except the Lumia 640 and its XL variant, had originally come with Windows 10 Mobile instead of Windows Phone 8.1. See also Microsoft Developer Network Microsoft Garage References External links Microsoft articles needing attention Microsoft development tools Microsoft software Insider Windows 10 Windows 11 Windows Phone Windows Phone software
윈도우 참가자 프로그램(Windows Insider program)은 한때는 소프트웨어 개발자들만 이용이 가능했던 초기 빌드의 윈도우 운영 체제에 일반 사용자들도 등록할 수 있게 한 마이크로소프트의 계획이다. 2014년 9월 30일 윈도우 10과 함께 발표되었다. 2014년이 끝날 즈음 1,500,000명 이상의 사람들이 이미 윈도우 10 테크니컬 프리뷰를 설치하였다. 2015년 2월 12일, 마이크로소프트는 이 프로그램을 통해 모바일 버전의 윈도우 10의 프리뷰를 전달하였다. 마이크로소프트는 윈도우 참가자 프로그램이 공식 윈도우 10을 넘어서 앞으로의 업데이트를 계속해 나갈 것임을 시사하였다. 역사 처음에 마이크로소프트는 윈도우 10에 추가된 기능들을 개선하기 위해 기업의 시험 사용자들 및 기술적 능력이 있는 사람들을 대상으로 새로운 개발자 기능을 시험하고 피드백을 받을 목적으로 윈도우 참가자 프로그램을 시작하였다. PC용 윈도우 10 운영 체제의 공식 런칭 당시 총 5,000,000명의 윈도우 참가자들이 윈도우 10, 윈도우 10 모바일에 등록되었고 이 참가자들은 또한 윈도우 10의 공식 업데이트를 최초로 받은 사람들에 속한다. 참여 방법 윈도우 참가자 프로그램은 마이크로소프트 계정만 있으면 누구나 참여가 가능하다. 윈도우 참가자 프로그램을 이용하려면 먼저 이걸 해야한다. 설정> 개인 정보 및 보안> 피드백 및 진단> 진단 데이터> 추가 진단 데이터 보내기에서 추가 진단 데이터 보내기를 킨 다음, 설정> Windows 업데이트> Windows 참가자 프로그램> 시작하기를 한다. 그 다음 Microsoft 계정 로그인 한 다음 참가자 채널 선택이 나온다. 3개 채널 중 자신이 원하는 채널을 선택하시면 된다. 그 다음 Windows 업데이트> 업데이트 확인 한 다음 설치하면 참여가 완료되었다! 업데이트 방법 윈도우 참가자 프로그램은 마이크로소프트 계정만 있으면 누구나 참여가 가능하다. 이 과정을 거치면 업데이트를 받을 수 있는데, 업데이트 방법은 설정 앱을 이용하거나 iso파일을 다운로드를 하는 것의 두 가지가 있다. 설정 앱으로 업데이트를 하면 시간은 오래 걸리지만 업데이트 링을 선택할 수 있는 장점이 있다. 링의 종류에 대해서는 아래 문단을 참고하세요. 업데이트는 설정> 업데이트 및 보안> Windows 업데이트에서 업데이트를 하면 된다. iso파일로 업데이트를 하면 시간은 적게 들어가지만 업데이트 후 iso파일 삭제의 번거로움이 있다. iso파일은 마이크로소프트 공식 홈페이지에서 받을 수 있다. 링 윈도우 10 참가자 프리뷰 업데이트들은 여러 모양의 링을 통해 테스트 사용자들에게 전달되며 패스트 링(fast ring)에 속하는 윈도우 참가자들은 슬로 링(slow ring)에 속해있는 윈도우 참가자들 보다 더 일찍 업데이트를 받지만 더 많은 버그와 기타 문제를 경험할 수 있다. 2016년 2월 16일 마이크로소프트는 윈도우 참가자 프리뷰에 새로운 링들을 선보였다. 지원되는 휴대 전화 장치 목록 마이크로소프트는 루미아 계열의 특정 3세대 (x30 시리즈) 전화들을 대상으로 한때 윈도우 10 테크니컬 프리뷰로 알려져 있는 윈도우 10 참가자 프리뷰를 시작하였으며 테스트 단계를 거쳐 최종적으로 2세대 (x20 시리즈) 장치에도 출시하였다. 수많은 윈도우 참가자들이 프리뷰 빌드를 다운로드하기 위해 표시된 모델들에 대한 변조를 통해 자신들의 (당시 지원하지 않았던) 비 루미아 계열의 전화들을 해킹하자, 마이크로소프트는 미지원 모델들을 모두 차단하는 방식으로 대응하였다. 설치된 테크니컬 프리뷰를 윈도우 8.1로 되돌릴 수 있도록 마이크로소프트는 윈도우 장치 복구 도구를 시작하였고 윈도우 10을 제거하고 공식적으로 출시된 최신 소프트웨어와 펌웨어를 복구할 수 있게 하였다. 2015년 5월 14일 출시된 빌드 10080은 비 루미다 계열 장치인 윈도우용 HTC 원 M8을 처음으로 지원하였다. 그 뒤에는 마이크로소프트와 파트너십 관계에 있는 샤오미로 이어졌는데, 2015년 6월 1일 샤오미는 ROM 포팅 방식의 윈도우 10을 대표 제품 미 4 핸드셋에 도입하였다. 당시 중국의 특정 등록 사용자들만 사용할 수 있도록 제한되었다. 빌드 10080과 그 뒤의 10166 빌드에서도 4세대 루미아 (x40 시리즈) 장치들의 지원을 추가하였으며, 그 결과 현재 호환 가능한 모든 윈도우 폰 8 및 이후 루미아 전화들이 프리뷰를 지원한다. 2015년 8월, 마이크로소프트는 마이크로소프트의 새로운 하드웨어 파트너사들을 포함한 전년에 발표된 모든 윈도우 폰 장치들이 마지막 버전의 윈도우 10 모바일을 받을 것이고, 모두가 참가자 프로그램을 통해 프리뷰 빌드를 받지는 않을 것이라고 언급하였다. 그러나 당시 마이크로소프트는 새로운 장치들이 프리뷰 프로그램에 추가될 것인지, 즉 윈도우 10 모바일이 완전한 상태에 어느 정도 있는지에 대한 상황에 대한 어떠한 정보도 제공하지 않았다. 대신 마이크로소프트는 자사의 루미아 950, 루미아 950 XL 대표 제품, 저가형 루미아 550, 루미아 650을 포함하여 윈도우 10 모바일이 기본 포함된 새로운 장치들을 홍보하는데 집중하였다. 이 릴리스 이후로 이 새로운 윈도우 10 장치들은 2015년 12월 4일의 빌드 10586을 기점으로 참가자 프로그램을 통해 미리 앞으로의 업데이트를 받을 수 있게 되었다. 윈도우 기반 LG 랜셋 또한 이 버전을 받았으나 그 뒤로 업데이트되지는 않았다. 2016년 2월 19일, 마이크로소프트는 윈도우 10 모바일 레드스톤(Redstone) 프리뷰 빌드 14267을 첫 출시하였다. 이 빌드를 시작으로, 앞으로의 프리뷰 버전들은 이미 비 인사이더 프리뷰의 운영 체제를 실행 중인 장치에 예외적으로 이용이 가능하게 되었고, 여기에 미4 ROM 버전은 제외된다. 그 뒤, 2016년 3월 17일 3, 4세대 루미아용을 대상으로 한 공식 RTM 릴리스의 윈도우 10 모바일과 더불어, 기존 윈도우 10 장치들을 위해 출시된 빌드 14291이 공개되었다. 그 다음 주에 새로 업그레이드된 구형 루미아 및 당시 윈도우 10 모바일을 사용 중인 다른 일부 기종에도 이용이 가능하게 되었다. 지원 운영 체제 윈도우 10 윈도우 10 모바일 윈도우 서버 2016 윈도우 서버 2019 윈도우 서버 2022 윈도우 11 같이 보기 마이크로소프트 개발자 네트워크 마이크로소프트 개러지 각주 윈도우 10 윈도우 폰 윈도우 폰 소프트웨어 참가자 프로그램 마이크로소프트의 소프트웨어 마이크로소프트 개발 도구 윈도우 11
amphora/parallel-wiki-koen
full
, also known as MRO, is a Japanese broadcast network affiliated with the Japan News Network (JNN). Their headquarters is located in Ishikawa Prefecture. The "MRO" abbreviation is taken from the last letters of the call signs "JOMR" and "JOMO" of the Kanazawa and Nanao broadcasting stations, respectively. JOMO is no longer operational. MRO functions as the default Japan News Network affiliate for the Fukui Prefecture, as that area doesn't have a JNN affiliate of its own. Network TV: Japan News Network (JNN) RADIO: Japan Radio Network (JRN), National Radio Network (NRN) History Early history On December 24, 1948, the Ishikawa Prefectural government applied for a license to operate a commercial broadcaster under the name Hokuriku Cultural Broadcasting, and was the fourth Japanese company to apply to operate a commercial broadcaster. This application was later rejected due to Supreme Commander for the Allied Powers' media censorship. After the establishment of the "Three Radio Laws" (Radio Law, Broadcasting Law, and Radio Supervisory Committee Establishment Law) in 1950, multiple license to operate a commercial broadcasting applications appear in various parts of Japan. The local newspaper Hokkoku Shimbun in Ishikawa Prefecture revived its plans to operate a new broadcaster.On February 10, 1951, Hokkoku Shimbun took the lead and the founders meeting were held.In April 21 of the same year, the Ministry of Posts granted 16 of the broadcast licenses and Hokuriku Cultural Broadcasting was listed. However, the broadcast area is limited to Ishikawa Prefecture, and does not include Toyama and Fukui prefectures, which are within the scope of the application. Start as radio broadcaster Two test radio broadcasts were launched: on April 22, 1952 at 9amand on May 1 of the same year.At 6am on May 10, 1952, Hokuriku Cultural Broadcasting was officially launched, becoming the first commercial radio broadcaster along the Sea of Japan.The broadcaster was initially located in the 4th floor of the Marukoshi Department Store in Kanazawa City. On November 28, 1956, Hokuriku Culture Broadcasting changed its company name to Hokuriku Broadcasting. In order to strengthen the advertising business, Hokuriku Broadcasting, together with Kita Nippon Broadcasting and Fukui Broadcasting , formed the "Hokuriku Radio Alliance" on February 1, 1953, to increase income and reduce expenditure. Hokuriku Broadcasting achieved uninterrupted broadcasting throughout the day on May 1 of the same year, and achieved profit for the first time in June. In February 1954, Hokuriku Broadcasting realized its first stock dividend. At the end of 1955, Hokuriku Broadcasting set up a relay station in Nanao at the northern end of the Noto Peninsula, covering most of Ishikawa Prefecture. According to the first listening rate survey in November 1955, the listening rate of Hokuriku Broadcasting reached 56.8%, far exceeding the 39.3% of the first frequency of NHK broadcasting. Hokuriku Broadcasting changed the abbreviation from MR to MRO on January 1, 1956 (O is taken from the call sign JOMO of Nanao Broadcasting Bureau), and formulated a new trademark. On April 1 of the same year, Hokuriku Broadcasting began construction of a new headquarters in Takaoka-cho (now Korinbo), Kanazawa City. The building has five floors above ground and one floor underground, and was completed on December 7 of the same year. Jump to television Hokuriku Broadcasting applied for a TV broadcasting license on August 31, 1953. On October 22, 1957, Hokuriku Broadcasting obtained a TV pre-broadcast license. At 8:10 p.m. on November 6 of the following year, Hokuriku Broadcasting launched a TV test signal. On November 15th, Hokuriku Broadcasting obtained the official TV broadcasting license. At 18:00 on November 17th, Hokuriku Broadcasting began to broadcast TV programs. At 11 a.m. on December 1, 1958, Hokuriku Broadcasting officially began broadcasting TV programs, becoming the first commercial TV station on the coast of the Sea of Japan in Honshu. Shortly after Hokuriku Broadcasting started, TV began to spread rapidly due to the wedding of Crown Prince Akihito. In December 1960, the TV penetration rate in Ishikawa Prefecture reached 34.6%. At the same time, according to the first ratings survey in May 1959, the average weekly ratings of Hokuriku Broadcasting reached 40.1%, surpassing the 34.1% of NHK General Television. At the same time as JNN was established, Hokuriku Broadcasting also became a founding member of JNN in August 1959. On August 2, 1960, the Hokuriku Broadcasting Union was established. Beginning in April 1962, Hokuriku Broadcasting began broadcasting educational programs for schoolchildren every Monday to Saturday morning. On July 22 of the same year, Hokuriku Broadcasting began broadcasting color TV. With the Nanao Broadcasting Bureau starting to broadcast TV signals in October 1962, the TV signals of Hokuriku Broadcasting were able to cover most of Ishikawa Prefecture. The broadcast division of Hokuriku Broadcasting joined JRN in May 1965. In the mid-1960s, in response to the advertising competition plan caused by the opening of the new UHF station, Hokuriku Broadcasting and Kitanihon Broadcasting jointly proposed to the Hokuriku Radio Supervision Bureau in 1966 that the three prefectures of Hokuriku should be used as the same TV broadcasting area to expand the advertising market, but this idea failed to come true. To celebrate the 15th anniversary of its founding, Hokuriku Broadcasting published "Ishikawa Prefecture Folklore" in 1967, which included 484 ballads. In September 1967, Hokuriku Broadcasting began to build its third-generation headquarters Hokuriku Broadcasting Hall. In October of the following year, Hokuriku Broadcasting began to broadcast programs from the Hokuriku Broadcasting Hall. In August 1976, Hokuriku Broadcasting and Buffalo's WBEN-TV (now WIVB-TV) signed a sister station agreement. In July 1997, Hokuriku Broadcasting was exposed to the problem of fewer advertisements. In the five years since 1992, Hokuriku broadcast less than 2,659 advertisements of 181 companies that should have been broadcast; this incident led to Hokuriku Broadcasting being suspended by the Japanese private broadcasting union for one year . On July 1, 2006, Hokuriku Broadcasting began to broadcast digital TV signals. Hokuriku Broadcasting completely stopped broadcasting analog TV signals on July 24, 2011. On January 10, 2018, because the signal tower shared by Hokuriku Broadcasting and Ishikawa TV caught fire due to a lightning strike, the Kaga area and other places could not watch the programs of Hokuriku Broadcasting. Hokuriku Broadcasting set up a temporary antenna on January 18 to broadcast TV signals. On August 1 of the same year, the signal tower was completely repaired. Station list Analog Television Kanazawa JOMR-TV 6ch Wajima 10ch Nanao 11ch Suzu 6ch Monzen 11ch Yamanaka 12ch Machino 6ch Yanagida 12ch Noto 6ch Hakui 50ch Togi 5ch Digital Television(ID:6) Kanazawa 14ch Nanao 20ch RADIO Kanazawa JOMR 1107 kHz; 94.0 MHz FM Nanao 1107 kHz; 88.6 MHz FM Wajima 1107 kHz; 77.1 MHz FM Yamanaka 1485 kHz Program TV Reosta (レオスタ) Zekkocho W (絶好調W)etc ... RADIO Oine Doine (おいね★どいね) Twin Wave (ツインウェーブ) etc ... Rival Stations Ishikawa TV(ITC) TVkanazawa(KTK) Hokuriku Asahi Broadcasting(HAB) References External links MRO WEB (MRO Official Homepage) Ishikawa Prefecture Japan News Network Television stations in Japan Radio in Japan Radio stations established in 1952 Television channels and stations established in 1958 Mass media in Kanazawa, Ishikawa Japanese companies established in 1952
호쿠리쿠방송()은 이시카와현에서 처음 개국한 라디오·텔레비전 겸영 방송국으로 라디오 방송국은 1952년 5월 10일에, 텔레비전 방송국은 1958년 12월 1일 개국했다. 약칭은 호쿠리쿠 방송국과 나나오 방송국(현재는 콜사인 없음)의 콜사인에서 따온 MRO.라디오 콜사인은 JOMR, 텔레비전 콜사인은 JOMR-DTV이다. 또한, JNN 계열 방송국이 없는 후쿠이현 레이호쿠지방 취재도 담당하고 있다. 개요 텔레비전 네트워크는 JNN계열로서 이시카와 TV와 TV 가나자와, 그리고 호쿠리쿠 아사히 방송이 개국 할때까지 후지 TV, 니혼TV, TV 아사히의 프로그램을 일부 동시방송・시간차방송을 한 때도 있었다. 텔레비전 아날로그 방송이 실시되던 시기에는 JNN 계열국이 없는 후쿠이현 레이호쿠지방에서 안테나를 통해 직접 수신할 수 있었으며 튤립 TV 개국 전에는 도야마현 고세이지방(다카오카시,도나미 시등)에서도 많이 시청했다고 한다. 약칭인 MRO는, 가나자와국의 콜사인 JOMR과 나나오국이 잠시 사용했던 콜사인 JOMO에서 따온 것이다.(JOMO는 현재 사용하지 않고 있다.). 1997년 CM 미방송문제를 시작으로 주변토지 부정취득등 여러 가지 부정이 발각되어 그 후 사태 수습을 위해 TBS(도쿄방송)로부터 사장을 포함한 임원진이 파견되면서 TBS계 기업이 호쿠리쿠방송의 주식을 취득했다. 연혁 1951년 12월 호쿠리쿠 문화방송주식회사(北陸文化放送) 설립 1952년 5월 10일 일본에서 12번째, 호쿠리쿠 지방에서 최초로 라디오 방송개시(통칭:라디오 호쿠리쿠(ラジオ北陸)) 1952년 12월 28일 호쿠리쿠방송주식회사로 회사명 변경 1956년 1월 1일 약칭을 MRO로 확정 1956년 3월 1일 라디오 나나오방송국 개국 1958년 12월 1일 텔레비전 방송 개시 1961년 4월 28일 라디오 야마나카 방송국 개국 1978년 11월 23일 라디오 주파수가 10KHZ 간격에서 9KHZ 간격으로 변경되면서 주파수 변경. 1984년 7월 16일 라디오 나나오방송국 주파수가 1107KHZ로 변경. 1997년 CM미방영 문제가 발각되어 일본 민간방송연맹으로부터 1년간의 회원활동 정지처분을 받게 된다.(동시에 JNN에서도 보도취재이외의 회원활동정지 처분을 받게 된다.) 2006년 6월 1일 지상파 디지털 텔레비전 방송 시험방송 개시. 2006년 7월 1일 지상파 디지털 텔레비전 방송 개시. 2008년 5월 1일 라디오 방송을 이용한 긴급 지진 속보 개시 2009년 7월 24일 스즈시에서 오전 10부터 11시까지 NHK 가나자와 방송국 및 다른 민영 텔레비전 방송국과 공동으로 시험적으로 아날로그 텔레비전 방송 중단 2010년 7월 24일 스즈시에서 지상파 아날로그 텔레비전 방송 선행 종료 2011년 7월 24일 지상파 아날로그 텔레비전 방송 종료 2016년 8월 1일 가나자와 FM 보완중계국 개국. 라디오 주파수 텔레비전 네트워크 변천사 1958년 12월 1일 텔레비전 본방송 개시. 니혼TV・라디오 도쿄TV(현재는 도쿄방송)와 네트워크 관계를 맺는다. 1959년 3월 1일 일본교육TV(현재의 TV 아사히)・이 날 개국한 후지 텔레비전과 네트워크 관계를 맺는다. 1959년 8월 1일 뉴스 네트워크 JNN발족과 동시에 가맹. 뉴스만 라디오 도쿄TV 프로그램을 방송, 그 이외의 프로그램은 이전처럼 방송 1967년 6월 일본 민간방송 교육협회 발족과 동시에 가맹. 1969년 4월 1일 이시카와 TV 개국으로 후지 텔레비전의 프로그램이 중단된다. 동시에 니혼TV・NET-TV(현재는 TV 아사히)의 일부 프로그램도 이시카와 TV로 옮겨긴다. 1975년 3월 31일 준 중심방송국 네트워크 교환에 의해 간사이 지역 네트워크 준 중심방송국이 아사히 방송에서 마이니치 방송으로 변경. 1984년 4월 도쿄방송 계열 야구중계 연결로 인하여 니혼TV계 동시방송 프로그램이 없어지면서 조금씩 황금시간대에 니혼TV・TV아사히 프로그램이 중단된다. 1990년 4월 1일 TV 가나자와의 개국으로 인해 니혼TV 계열 프로그램이 중단된다. 1991년 10월 1일 호쿠리쿠 아사히 방송 개국으로 인해 민간방송 교육협회 제작분을 제외한 TV아사히의 프로그램이 중단되면서 민교협 제작 프로그램과 프로그램 판매 형태로 방송중인 TV도쿄 제작 프로그램 이외의 모든 타계열국 프로그램이 사라진다. 보충서술 이전에는 이시카와 현내의 공립고교 합격자 발표에 맞추어, 합격자 이름을 방송하고 있었지만, 현재는 개인정보 보호를 위해 종료되었다. 1985년 10월 오후 5시대에 방영되고 있었던 애니메이션(TV아사히의 도라에몽 등을 포함) 방영을 모두 폐지하고 드라마 재방송을 실시하면서 이 때문에 이시카와 현의 애니메이션 팬으로부터 폐지에 대한 항의가 쇄도했고 일부 팬들은 서명운동까지 전개했다. 그리고 민방이 2 방송국 밖에 없었던 시대에는 오후 4시 드라마(주로 니혼TV와 TV아사히의 형사드라마)를 폐지하는 대신 TV도쿄의 「레이디스4」를 방송하기도 했으며 이 때문에 TV 가나자와와 호쿠리쿠 아사히 방송이 개국할 때까지 이시카와 현의 텔레비전 애니메이션 프로그램 방송개수가 다른 현보다 적어지게 되었다. 이시카와 현에 민방이 2개밖에 없었던 때에는 니혼TV 계열과 TV아사히 계열 프로그램이 상당수 방송되고 있었기 때문에 중심국인 TBS의 프로그램중 방송되지 않은 프로그램이 많았다(「3학년 B반 긴파치선생님」 초판 등). 누구라도 자유롭게 들어갈 수 있는 견학 코스가 준비되어있어서 이시카와현 학교의 소풍코스에 많이 포함되기도 한다. 이시카와 현의 방송국 NHK 가나자와 방송국 이시카와 TV(ITC)(후지 TV 계열) TV 가나자와(KTK)(니혼TV 계열) 호쿠리쿠 아사히 방송(HAB)(TV아사히 계열) 이 회사 출신 인물 사사하라 타다요시 八田靜輔 니시하라 아키히사 타츠미 히라카츠 테라모토 요시유키 현직 방송인 나카다 테츠야 마에하라 도모코 카도노 테츠히로 마츠무라 레오 타니카와 케이치 호리코시 쥰코 시라사키 아유미 사카이 치카 후쿠시마 아야노 무로 테루미 외부 링크 호쿠리쿠방송 홈페이지 각주 재팬 뉴스 네트워크 재팬 라디오 네트워크 NRN 일본의 텔레비전 방송사 일본의 AM 라디오 방송국 1952년 설립된 라디오 방송국 1958년 설립된 텔레비전 방송국과 채널
amphora/parallel-wiki-koen
full
t Table cum. prob t .50 t .75 t .80 t .85 t .90 t .95 t .975 t .99 t .995 t .999 t .9995 one-tail 0.50 0.25 0.20 0.15 0.10 0.05 0.025 0.01 0.005 0.001 0.0005 two-tails 1.00 0.50 0.40 0.30 0.20 0.10 0.05 0.02 0.01 0.002 0.001 df 1 0.000 1.000 1.376 1.963 3.078 6.314 12.71 31.82 63.66 318.31 636.62 2 0.000 0.816 1.061 1.386 1.886 2.920 4.303 6.965 9.925 22.327 31.599 3 0.000 0.765 0.978 1.250 1.638 2.353 3.182 4.541 5.841 10.215 12.924 4 0.000 0.741 0.941 1.190 1.533 2.132 2.776 3.747 4.604 7.173 8.610 5 0.000 0.727 0.920 1.156 1.476 2.015 2.571 3.365 4.032 5.893 6.869 6 0.000 0.718 0.906 1.134 1.440 1.943 2.447 3.143 3.707 5.208 5.959 7 0.000 0.711 0.896 1.119 1.415 1.895 2.365 2.998 3.499 4.785 5.408 8 0.000 0.706 0.889 1.108 1.397 1.860 2.306 2.896 3.355 4.501 5.041 9 0.000 0.703 0.883 1.100 1.383 1.833 2.262 2.821 3.250 4.297 4.781 10 0.000 0.700 0.879 1.093 1.372 1.812 2.228 2.764 3.169 4.144 4.587 11 0.000 0.697 0.876 1.088 1.363 1.796 2.201 2.718 3.106 4.025 4.437 12 0.000 0.695 0.873 1.083 1.356 1.782 2.179 2.681 3.055 3.930 4.318 13 0.000 0.694 0.870 1.079 1.350 1.771 2.160 2.650 3.012 3.852 4.221 14 0.000 0.692 0.868 1.076 1.345 1.761 2.145 2.624 2.977 3.787 4.140 15 0.000 0.691 0.866 1.074 1.341 1.753 2.131 2.602 2.947 3.733 4.073 16 0.000 0.690 0.865 1.071 1.337 1.746 2.120 2.583 2.921 3.686 4.015 17 0.000 0.689 0.863 1.069 1.333 1.740 2.110 2.567 2.898 3.646 3.965 18 0.000 0.688 0.862 1.067 1.330 1.734 2.101 2.552 2.878 3.610 3.922 19 0.000 0.688 0.861 1.066 1.328 1.729 2.093 2.539 2.861 3.579 3.883 20 0.000 0.687 0.860 1.064 1.325 1.725 2.086 2.528 2.845 3.552 3.850 21 0.000 0.686 0.859 1.063 1.323 1.721 2.080 2.518 2.831 3.527 3.819 22 0.000 0.686 0.858 1.061 1.321 1.717 2.074 2.508 2.819 3.505 3.792 23 0.000 0.685 0.858 1.060 1.319 1.714 2.069 2.500 2.807 3.485 3.768 24 0.000 0.685 0.857 1.059 1.318 1.711 2.064 2.492 2.797 3.467 3.745 25 0.000 0.684 0.856 1.058 1.316 1.708 2.060 2.485 2.787 3.450 3.725 26 0.000 0.684 0.856 1.058 1.315 1.706 2.056 2.479 2.779 3.435 3.707 27 0.000 0.684 0.855 1.057 1.314 1.703 2.052 2.473 2.771 3.421 3.690 28 0.000 0.683 0.855 1.056 1.313 1.701 2.048 2.467 2.763 3.408 3.674 29 0.000 0.683 0.854 1.055 1.311 1.699 2.045 2.462 2.756 3.396 3.659 30 0.000 0.683 0.854 1.055 1.310 1.697 2.042 2.457 2.750 3.385 3.646 40 0.000 0.681 0.851 1.050 1.303 1.684 2.021 2.423 2.704 3.307 3.551 60 0.000 0.679 0.848 1.045 1.296 1.671 2.000 2.390 2.660 3.232 3.460 80 0.000 0.678 0.846 1.043 1.292 1.664 1.990 2.374 2.639 3.195 3.416 100 0.000 0.677 0.845 1.042 1.290 1.660 1.984 2.364 2.626 3.174 3.390 1000 0.000 0.675 0.842 1.037 1.282 1.646 1.962 2.330 2.581 3.098 3.300 z 0.000 0.674 0.842 1.036 1.282 1.645 1.960 2.326 2.576 3.090 3.291 0% 50% 60% 70% 80% 90% 95% 98% 99% 99.8% 99.9% Confidence Level
t 표CUM. PROB T .50 T .75 T .80 T .85 T .90 T .95 T .975 T .99 T .995 T .999 T .99951-TAIL 0.50 0.25 0.20 0.15 0.10 0.05 0.025 0.01 0.005 0.001 0.00052-TAIL 1.00 0.50 0.40 0.30 0.20 0.10 0.05 0.02 0.01 0.002 0.001 0.001df1 0.000 1.000 1.376 1.963 3.078 6.314 12.71 31.82 63.66 318.31 636.622 0.000 0.816 1.061 1.386 1.886 2.920 4.303 6.965 9.925 22.327 31.5993 0.000 0.765 0.978 1.250 1.638 2.353 3.182 4.541 5.841 10.215 12.9244 0.000 0.741 0.941 1.190 1.533 2.132 2.776 3.747 4.604 7.173 8.6105 0.000 0.727 0.920 1.156 1.476 2.015 2.571 3.365 4.032 5.893 6.8696 0.000 0.718 0.906 1.134 1.440 1.943 2.447 3.143 3.707 5.208 5.9597 0.000 0.711 0.896 1.119 1.415 1.895 2.365 2.998 3.499 4.785 5.4088 0.000 0.706 0.889 1.108 1.397 1.860 2.306 2.896 3.355 4.501 5.0419 0.000 0.703 0.883 1.100 1.383 1.833 2.262 2.821 3.250 4.297 4.78110 0.000 0.700 0.879 1.093 1.372 1.812 2.228 2.764 3.169 4.144 4.58711 0.000 0.697 0.876 1.088 1.363 1.796 2.201 2.718 3.106 4.025 4.43712 0.000 0.695 0.873 1.083 1.356 1.782 2.179 2.681 3.055 3.930 4.31813 0.000 0.694 0.870 1.079 1.350 1.771 2.160 2.650 3.012 3.852 4.22114 0.000 0.692 0.868 1.076 1.345 1.761 2.145 2.624 2.977 3.787 4.14015 0.000 0.691 0.866 1.074 1.341 1.753 2.131 2.602 2.947 3.733 4.07316 0.000 0.690 0.865 1.071 1.337 1.746 2.120 2.583 2.921 3.686 4.01517 0.000 0.689 0.863 1.069 1.333 1.740 2.110 2.567 2.898 3.646 3.96518 0.000 0.688 0.862 1.067 1.330 1.734 2.101 2.552 2.878 3.610 3.92219 0.000 0.688 0.861 1.066 1.328 1.729 2.093 2.539 2.861 3.579 3.88320 0.000 0.687 0.860 1.064 1.325 1.725 2.086 2.528 2.845 3.552 3.85021 0.000 0.686 0.859 1.063 1.323 1.721 2.080 2.518 2.831 3.527 3.81922 0.000 0.686 0.858 1.061 1.321 1.717 2.074 2.508 2.819 3.505 3.79223 0.000 0.685 0.858 1.060 1.319 1.714 2.069 2.500 2.807 3.485 3.76824 0.000 0.685 0.857 1.059 1.318 1.711 2.064 2.492 2.797 3.467 3.74525 0.000 0.684 0.856 1.058 1.316 1.708 2.060 2.485 2.787 3.450 3.72526 0.000 0.684 0.856 1.058 1.315 1.706 2.056 2.479 2.779 3.435 3.70727 0.000 0.684 0.855 1.057 1.314 1.703 2.052 2.473 2.771 3.421 3.69028 0.000 0.683 0.855 1.056 1.313 1.701 2.048 2.467 2.763 3.408 3.67429 0.000 0.683 0.854 1.055 1.311 1.699 2.045 2.462 2.756 3.396 3.65930 0.000 0.683 0.854 1.055 1.310 1.697 2.042 2.457 2.750 3.385 3.64640 0.000 0.681 0.851 1.050 1.303 1.684 2.021 2.423 2.704 3.307 3.55160 0.000 0.679 0.848 1.045 1.296 1.671 2.000 2.390 2.660 3.232 3.46080 0.000 0.678 0.846 1.043 1.292 1.664 1.990 2.374 2.639 3.195 3.416100 0.000 0.677 0.845 1.042 1.290 1.660 1.984 2.364 2.626 3.174 3.3901000 0.000 0.675 0.842 1.037 1.282 1.646 1.962 2.330 2.581 3.098 3.300z 0.000 0.674 0.842 1.036 1.282 1.645 1.960 2.326 2.576 3.090 3.2910% 50% 60% 70% 80% 90% 95% 98% 99% 99.8% 99.9%신뢰 수준
squarelike/sharegpt_deepl_ko_translation
full
Ausserberg is a municipality in the district of Raron in the canton of Valais in Switzerland. History Ausserberg is first mentioned in 1378 as Leucrun. In 1401 it was mentioned as mons episcopi and in 1523 it was mons exterior. Geography Ausserberg has an area, , of . Of this area, 23.8% is used for agricultural purposes, while 45.2% is forested. Of the rest of the land, 2.3% is settled (buildings or roads) and 28.7% is unproductive land. The municipality is located in the Westlich Raron district, on the northern slope of the Rhone valley between the Baltschiederbach and the Bietschhorn mountain. It consists of a number of scattered settlements with the central village of Trogdorf at an elevation of . The proposed merger of the municipalities of Eggerberg, Ausserberg, Bürchen, Baltschieder, Visp and Visperterminen was rejected by the residents. Coat of arms The blazon of the municipal coat of arms is Azure, on Coupeaux of Five Vert issuant from a Mullet of Five Argent and surrounded by four other, a Cross pattee Or from which issuing an Eagle displayed bicephalous Sable beaked of the third and langued Gules. Demographics Ausserberg has a population () of . , 5.7% of the population are resident foreign nationals. Over the last 10 years (2000–2010 ) the population has changed at a rate of 0.3%. It has changed at a rate of 1.4% due to migration and at a rate of -1.1% due to births and deaths. Most of the population () speaks German (619 or 98.6%) as their first language, Serbo-Croatian is the second most common (4 or 0.6%) and French is the third (3 or 0.5%). There is 1 person who speaks Italian. , the population was 48.6% male and 51.4% female. The population was made up of 306 Swiss men (46.6% of the population) and 13 (2.0%) non-Swiss men. There were 320 Swiss women (48.8%) and 17 (2.6%) non-Swiss women. Of the population in the municipality, 470 or about 74.8% were born in Ausserberg and lived there in 2000. There were 88 or 14.0% who were born in the same canton, while 40 or 6.4% were born somewhere else in Switzerland, and 15 or 2.4% were born outside of Switzerland. , children and teenagers (0–19 years old) make up 24% of the population, while adults (20–64 years old) make up 55.6% and seniors (over 64 years old) make up 20.4%. , there were 252 people who were single and never married in the municipality. There were 326 married individuals, 32 widows or widowers and 18 individuals who are divorced. , there were 254 private households in the municipality, and an average of 2.4 persons per household. There were 80 households that consist of only one person and 13 households with five or more people. , a total of 222 apartments (64.0% of the total) were permanently occupied, while 113 apartments (32.6%) were seasonally occupied and 12 apartments (3.5%) were empty. , the construction rate of new housing units was 4.6 new units per 1000 residents. The vacancy rate for the municipality, , was 0.27%. The historical population is given in the following chart: Politics In the 2007 federal election the most popular party was the CVP which received 67.3% of the vote. The next three most popular parties were the SP (17.36%), the SVP (13.08%) and the FDP (1.17%). In the federal election, a total of 346 votes were cast, and the voter turnout was 67.4%. In the 2009 Conseil d'État/Staatsrat election a total of 410 votes were cast, of which 11 or about 2.7% were invalid. The voter participation was 79.2%, which is much more than the cantonal average of 54.67%. In the 2007 Swiss Council of States election a total of 354 votes were cast, of which 14 or about 4.0% were invalid. The voter participation was 70.4%, which is much more than the cantonal average of 59.88%. Economy , Ausserberg had an unemployment rate of 0.7%. , there were 85 people employed in the primary economic sector and about 32 businesses involved in this sector. 10 people were employed in the secondary sector and there were 3 businesses in this sector. 49 people were employed in the tertiary sector, with 12 businesses in this sector. There were 279 residents of the municipality who were employed in some capacity, of which females made up 40.1% of the workforce. the total number of full-time equivalent jobs was 81. The number of jobs in the primary sector was 38, all of which were in agriculture. The number of jobs in the secondary sector was 8, all of which were in construction. The number of jobs in the tertiary sector was 35. In the tertiary sector; 2 or 5.7% were in wholesale or retail sales or the repair of motor vehicles, 4 or 11.4% were in the movement and storage of goods, 18 or 51.4% were in a hotel or restaurant, 5 or 14.3% were in education. , there were 18 workers who commuted into the municipality and 209 workers who commuted away. The municipality is a net exporter of workers, with about 11.6 workers leaving the municipality for every one entering. Of the working population, 26.5% used public transportation to get to work, and 54.5% used a private car. Transport Ausserberg railway station, on the Lötschberg line, lies some from the village of Trogdorf. It is served by trains to Bern, Thun and Brig. A PostAuto bus service links Ausserberg station, Trogdorf village, Baltschieder and Visp. Religion From the , 585 or 93.2% were Roman Catholic, while 17 or 2.7% belonged to the Swiss Reformed Church. Of the rest of the population, there was 1 member of an Orthodox church. There was 1 person who was Buddhist. 12 (or about 1.91% of the population) belonged to no church, are agnostic or atheist, and 12 individuals (or about 1.91% of the population) did not answer the question. Education In Ausserberg about 233 or (37.1%) of the population have completed non-mandatory upper secondary education, and 30 or (4.8%) have completed additional higher education (either university or a Fachhochschule). Of the 30 who completed tertiary schooling, 66.7% were Swiss men, 26.7% were Swiss women. During the 2010-2011 school year there were a total of 48 students in the Ausserberg school system. The education system in the Canton of Valais allows young children to attend one year of non-obligatory Kindergarten. During that school year, there was one kindergarten class (KG1 or KG2) and 9 kindergarten students. The canton's school system requires students to attend six years of primary school. In Ausserberg there were a total of 4 classes and 48 students in the primary school. The secondary school program consists of three lower, obligatory years of schooling (orientation classes), followed by three to five years of optional, advanced schools. All the lower and upper secondary students from Ausserberg attend their school in a neighboring municipality. , there were 40 students from Ausserberg who attended schools outside the municipality. Ausserberg is home to the Gemeinde- und Schulbibliothek library. The library has () 1,700 books or other media, and loaned out 2,100 items in the same year. It was open a total of 112 days with average of 2 hours per week during that year. References External links Official website Municipalities of Valais Articles which contain graphical timelines
아우서베르크()는 스위스 발레주의 라론구에 있는 자치체이다. 역사 아우서베르크는 1378년에 Leucrun으로 처음 언급되었다. 1401년에 그것은 mons episcopi로 언급되었고 1523년에는 mons exterior였다. 지리 아우서베르크의 면적은 2011년 기준으로 14.9k㎡이다. 이 지역 중 23.8%가 농업용으로 사용되며, 45.2%는 산림이다. 나머지 토지 중 2.3%는 정착지(건물 또는 도로)이고 28.7%는 불모지이다. 시정촌은 발치더바흐와 비치호른 산 사이의 론 계곡의 북쪽 경사면에 있는 베스틀리히 라론구에 위치해 있다. 그것은 1,008m 높이의 중앙 마을인 트로그도르프와 함께 여러 흩어져 있는 정착지로 구성되어 있다. 에거베르크, 아우서베르크, 뷔르헨, 발치더, 피스프, 및 프스퍼터미넨의 지자체의 제안된 합병은 주민들에 의해 거부되었다. 인구통계 2020년 12월 기준, 아우서베르크의 인구는 621명이다. 2008년 기준으로 인구의 5.7%가 거주하는 외국인이다. 2000년부터 2010년까지 지난 10년 동안 인구는 0.3%의 비율로 변화했다. 이주로 인해 1.4%의 비율로, 출생 및 사망으로 인해 -1.1%의 비율로 변경되었다. 2000년 기준, 인구 대부분인 619명(98.6%)이 독일어를 모국어로 사용하고, 세르보-크로아티아어가 4명(0.6%)으로 두 번째로 많이 사용하고, 프랑스어가 3명(0.5%)으로 세 번째이다. 이탈리아어를 할 수 있는 사람이 1명 있다. 2008년 기준으로 인구는 남성 48.6%, 여성 51.4%이다. 인구는 306명의 스위스 남성(인구의 46.6%)과 13명(2.0%)의 비스위스계 남성으로 구성되었다. 스위스 여성은 320명(48.8%), 비스위스계 여성은 17명(2.6%)이었다. 지자체의 인구 중 470명(약 74.8%)가 아우서베르크에서 태어나 2000년에 그곳에서 살았다. 같은 주에서 태어난 88명(14.0%)가 있었고, 40명(6.4%)가 스위스 다른 곳에서 태어났다. 15명(2.4%)가 스위스 이외의 지역에서 태어났다. 2000년 기준으로 아동·청소년(0~19세)이 24%, 성인(20~64세)이 55.6%, 노인(64세 이상)이 20.4%를 차지하고 있다. 2000년 기준으로 시정촌에 미혼이거나, 독신인 사람은 252명이다. 기혼자는 326명, 미망인은 32명, 이혼한 사람은 18명이었다. 2000년 기준으로 시정촌의 개인가구는 254세대로 가구당 평균 2.4명이다. 1인 가구가 80가구, 5인 이상 가구가 13가구였다. 2000년에는 총 222채(전체의 64.0%)가 상설 임대되었으며, 113채(32.6%)는 계절적 임대, 12채(3.5%)는 비어 있었다. 2009년 기준 신규주택 건설률은 인구 1000명당 4.6세대이다. 2010년 시정촌 공실률은 0.27%였다. 역사적 인구는 다음 차트에 나와 있다. 정치 2007년 연방 선거에서 가장 인기 있는 정당은 67.3%의 득표율을 기록한 CVP였다. 다음으로 가장 인기 있는 3개 정당은 SP (17.36%), SVP (13.08%) 및 FDP (1.17%)였다. 연방 선거는 총 346표를 던졌고 투표율은 67.4%였다. 2009년 국무원 선거에서 총 410표가 투표되었으며, 그중 11표(약 2.7%)가 무효였다. 유권자의 참여율은 79.2%로 주 평균 54.67%를 크게 웃돌았다. 2007년 스위스 상원 선거에서 총 354표가 투표되었으며, 그중 14표(4.0%)가 무효였다. 유권자 참여율은 70.4%로 주 평균 59.88%를 훨씬 웃돌았다. 경제 2010년 현재 아우서베르크의 실업률은 0.7%이다. 2008년 기준으로 1차 경제 부문에 85명이 고용되어 있으며, 이 부문에 약 32개 기업이 참여하고 있다. 10명이 2차 부문에 고용되었고 이 부문에 3개의 기업이 있었다. 49명이 3차 부문에 고용되어 있으며, 이 부문에는 12개의 기업이 있다. 시정촌 주민이 279명으로 일정 정도 고용되었으며, 그중 여성이 전체 노동력의 40.1%를 차지하였다. 2008년에 정규직에 상응하는 총 일자리 수는 81개였다. 1차 부문의 일자리 수는 38개였으며, 모두 농업에 있었다. 2차 부문의 일자리 수는 8개였으며, 모두 건설 중이었다. 3차 부문의 일자리 수는 35개였다. 3차 부문에서 2개(5.7%)는 도소매 또는 자동차 수리, 4개(11.4%)는 상품의 이동 및 보관, 18개(51.4%)는 호텔 또는 레스토랑, 5개(14.3%)는 교육에 종사했다. 2000년 기준으로 시정촌으로 출퇴근한 근로자는 18명, 출퇴근 근로자는 209명이었다. 지자체는 근로자의 순수출 지자체로, 1명이 전입할 때, 약 11.6명의 근로자가 지자체를 떠나고 있다. 근로 인구의 26.5%가 출퇴근을 위해 대중교통을 이용했고, 54.5%가 자가용을 이용했다. 종교 2000년 인구 조사에 따르면 585명(93.2%)이 로마 가톨릭 신자이고, 17명(2.7%)이 스위스 개혁 교회에 속해 있다. 나머지 인구 중 1명의 정교회 교인이 있었다. 불교가 1명 있었다. 12명(약 1.91%)은 교회에 속하지 않았고, 불가지론자 또는 무신론자였으며, 12명(약 1.91%)은 질문에 대답하지 않았다. 교육 아우서베르크에서는 인구의 약 233명(37.1%)이 비필수 고등 중등 교육을 이수했으며, 30명 또는(4.8%)이 추가 고등교육(대학 또는 응용학문대학)을 이수했다. 고등 교육을 이수한 30명 중 66.7%가 스위스 남성, 26.7%가 스위스 여성이었다. 2010-2011학년도 동안 아우서베르크 학교 시스템에는 총 48명의 학생이 있었다. 발레주의 교육 시스템은 어린이들이 1년 동안 의무가 아닌 유치원에 다닐 수 있도록 허용한다. 그 학년도에는 유치원 학급(KG1 또는 KG2) 1개와 유치원생 9명이 있었다. 주의 학교 시스템은 학생들이 초등학교 6년에 다닐 것을 요구한다. 아우서베르크에는 초등학교에 총 4개의 학급과 48명의 학생이 있었다. 중등학교 프로그램은 3년의 낮은 의무 교육(오리엔테이션 수업)과 3~5년의 선택적인 고급 학교로 구성된다. 아우서베르크의 모든 중고등학생은 인근 시정촌에 있는 학교에 다닌다. 2000년 현재, 아우서베르크 출신의 40명의 학생이 시외 학교에 다녔다. 아우서베르크에는 시립 및 학교 도서관이 있다. 도서관은 (2008년 현재) 1,700권의 책 또는 기타 매체를 보유하고 있으며, 같은 해에 2,100권을 대출했다. 그해에는 주당 평균 2시간씩 총 112일을 개방했다. 교통 뢰치베르크선의 아우서베르크역은 트로크도르프 마을에서 약 900미터 떨어져 있다. 베른, 툰, 브리크까지 기차가 운행된다. 포스트아우토 버스 서비스는 아우서베르크역, 트로크도르프 마을, 발치더 및 피스프를 연결한다. 각주 외부 링크 아우서베르크 (공식) 발레주의 지방 자치체
amphora/parallel-wiki-koen
full
The First Slam Dunk (stylized as THE FIRST SLAM DUNK) is a 2022 Japanese animated sports film written and directed by Takehiko Inoue, produced by Toei Animation and DandeLion Animation Studio. It is based on Inoue's Slam Dunk manga series. It was released theatrically in Japan on December 3, 2022. In 2023, The First Slam Dunk won the Japan Academy Prize for Animation of the Year. The film grossed worldwide, becoming the fifth highest-grossing anime film of all time. Synopsis The film follows Ryota Miyagi, the point guard of Shohoku High School's basketball team. He had a brother, Sota, who was three years older than him and inspired his love for basketball. Ryota and his teammates Hanamichi Sakuragi, Takenori Akagi, Hisashi Mitsui, and Kaede Rukawa challenge the inter-high basketball champions, Sannoh Kogyo High School. Cast Production Development and pre-production Back in 2003, Toshiyuki Matsui, a producer from Toei Animation, approached Inoue's office to ask if he was willing to make a Slam Dunk movie that would continue the story after where the TV anime left off. It was due to the popular reception of the anime's DVD box; however, the offer was rejected. Six years later, in 2009, Inoue's office approached Matsui to send a proposal regarding the project. Then, Matsui assembled a team led by Naoki Miyahara and Toshio Ohashi that, over a period of nearly 5 years, developed proposal prototype videos of the visual look that can be created using 3DCG, as it appeared to be more realistic to move the large number of characters together in the basketball court than hand-drawn 2D animation. The second prototype, which cost nearly as much as a whole movie, was rejected, as it strayed far off Inoue's vision and did not evoke that the characters were "alive". The third prototype, which had to be the final one, combined 3DCG with 2D animation, and it was the version that laid the infrastructure for Inoue's work as a director. In December 2014, during a dinner with Matsui, Inoue gave the greenlight to the film. Matsui, then, suggested that Inoue should write the script and direct, as he was the person to be trusted the most with the characters' dialogue and their visual appearance and expression. After Inoue accepted, he began working on the script in January 2015. In 2018, work on the motion capture and models commenced. Production On January 6, 2021, Inoue suddenly announced on his Twitter account that the movie was in production. Then, on August 13, 2021, Inoue was revealed to be the screenwriter and director of the film, along with other production staff members such as Yasuyuki Ebara as character designer/animation director and Naoki Miyahara, Katsuhiko Kitada, Toshio Ohashi, Yasuhiro Motoda, Fumihiko Suganuma, and Haruka Kamatani as sequence directors. On July 1, 2022, five new character posters were installed in theaters across Japan, where the release date of December 3, 2022 and the title The First Slam Dunk were officially announced. The official website of the film held interviews with multiple production staff members, where they shared their contribution to the film and Inoue's requests for the film. According to character designer/general animation director Yasuyuki Ebara, Inoue wanted the character designs to follow his recent illustrations shown in the new Slam Dunk Refurbished edition volumes released in 2018, instead of the older designs of the manga. The film's art director Kazuo Ogura and color designer Shiori Furusyo stated that Inoue wanted the movie to specifically feel as if the manga itself is in motion; therefore, he generally wanted a light and desaturated color palette. In addition, to make the backgrounds more manga-like, they had to look more hand-drawn and less realistic. Also, they mentioned that the movie was a blend of 3DCG for the basketball scenes and hand-drawn 2D animation for daily life scenes. Therefore, the film tries to bring the best of both worlds. On that note, CG director Daiki Nakazawa stated the same thing, but mentioned that there are some 2D basketball scenes where the animators used the motion capture for reference to portray basketball movements with much realism as possible. The movie, also, used the assistance of professional basketball players to review how the game was depicted. When asked about his reason for involving himself in the film, Inoue stated that he was encouraged by the enthusiasm of the people who worked on the prototype versions and after seeing a good image of Sakuragi's face, he thought that getting himself involved would make it even better. He, also, stated that his main job as a director was to make sure that blood was injected into the characters and that they were brought to life. He corrected and retouched scenes, both in 3D and 2D, and drew multiple storyboards for the film. As for his aims regarding the story, he mentioned that he aimed for the film to be a new look into Slam Dunk, from a new perspective, where instead of focusing on a protagonist with endless possibilities and great potential, he wanted to focus on the perspective of living with pain and overcoming it. Therefore, he chose the title The First Slam Dunk, as it is a movie that wants the audience familiar with the story to experience it as if it was their first time, and those unfamiliar with it to have it be their first Slam Dunk experience. On the subject of changing the TV anime's voice actors, he stated that if he were to ask them to return, he would have asked them to throw away their perception and understanding of the characters that they professionally cultivated over the years, which is something he could not do. With the new voice actors, he put emphasis on the quality of their natural voices more than their acting skills. Music Opening theme song: "Love Rockets" by The Birthday Ending theme song: "Dai-Zero Kan" by 10-Feet Release The first teaser trailer of the film was released on July 7, 2022; and a full trailer was released on November 4, 2022. The film was released theatrically in Japan by Toei Company on December 3, 2022, through regular and IMAX screenings. In the Philippines, the film was released by Pioneer Films on February 1, 2023. It also had several locally dubbed versions in overseas regions, such as Hong Kong, South Korea and Taiwan. In Italy, the film was released on May 11, 2023, both in subtitled Japanese and in Italian dubbed versions. It was released in theaters across the United States and Canada on July 28, 2023, by GKIDS. In India, the film was released by PVR Inox Pictures on July 7, 2023. The film was released in Spain on July 7, 2023, with versions dubbed in Spanish and Catalan. In Latin America, the movie had screenings in its subtitled Japanese version and also dubbed in neutral Spanish, using most of the original cast of the TV anime. The film was released in Mexico on July 27, 2023, and other Latin American countries on August 3. The film was released in the United Kingdom, Ireland, and Malta on August 30 by Anime Limited and Toei Animation Europe. Reception Box office As of August 31, 2023, The First Slam Dunk grossed worldwide; including over () grossed in Japan. It is the fifth highest-grossing anime film of all time. In Japan, the film debuted at number one at the box office, grossing billion (million) during its first two days. The film remained at the top spot in its second and third weekends, grossing ¥825 million ($6 million) and ¥547 million ($3.99 million). In South Korea, the film sold 3,818,000 tickets and grossed more than $30.38 million by March 2023, surpassing 2016's Your Name to become the highest-grossing anime film of all time in the country. By April 2023, the film has sold over tickets and grossed over in South Korea. It is the second highest-grossing film of 2023 in South Korea, surpassed only by another anime film, Suzume. In China, the film topped the box office with a record opening weekend, beating the Jackie Chan film Ride On as well as The Super Mario Bros. Movie. The First Slam Dunk set several opening records in China, including the highest pre-sales for an animated import. Its IMAX opening weekend of is also the highest for a foreign animated film in China. As of April 30, it has made $75.8 million in China. In North America, The First Slam Dunk earned over $625,000 in its opening weekend at the box office. In Chile, it debuted at the top of the box office, surpassing Barbie and Oppenheimer, blockbusters released two weeks prior. Accolades The First Slam Dunk was awarded the Japan Academy Prize for Animation of the Year at the 46th Japan Academy Film Prize in 2023. The film won the Okawa-Fukiya Award at the Niigata International Animation Film Festival 2023. Toshiyuki Matsui, the producer of the film, received the Grand Prize of the 42nd annual Fujimoto Awards for his work on the film. It won the Best Animated Feature Film at the 27th annual Fantasia International Film Festival in 2023. See also List of basketball films References External links at GKIDS 2022 anime films 2022 films Animated sports films Anime films based on manga Basketball films Basketball in anime and manga Films about high school sports Films set in Kanagawa Prefecture Japan Academy Prize for Animation of the Year winners Japanese animated feature films Japanese high school films Japanese sports films Slam Dunk (manga) Takehiko Inoue Toei Animation films IMAX films
《더 퍼스트 슬램덩크》(THE FIRST SLAM DUNK)는 2022년 공개된 일본의 스포츠 애니메이션 영화이다. 도에이 애니메이션과 단델리온 애니메이션 스튜디오가 제작하였다. 일본에서 2022년 12월 극장 개봉하였다. 줄거리 이 영화는 북산 고등학교 농구팀의 포인트 가드 송태섭을 따라간다. 그에게는 3살 연상의 형인 송준섭이 있었는데, 그는 농구에 대한 그의 사랑에 영감을 주었다. 강백호, 채치수, 정대만, 서태웅과 함께 고교 농구 챔피언 산왕공고에 도전한다. 목소리 출연 나카무라 슈고 키무라 스바루 사카모토 마아야 세토 아사미 호키 가쓰히사 목소리 출연 (우리말) 강수진: 강백호 신용우: 서태웅 엄상현: 송태섭 소연: 이한나, 송태섭 엄마 장민혁: 정대만 최낙윤: 채치수 박지윤: 채소연 정재헌: 정우성 소정환: 신현철 시영준: 박영걸 김영선: 이명헌 박성영: 송준섭 송하림: 송아라 정유정: 어린 송태섭 김명준: 중학생 송태섭 이장원: 안 선생 윤세웅: 도진우 황창영: 양호열 석승훈: 노구식 남도형: 김대남 고창석 (배우, 특별출연): 이용팔 제작 확장 및 사전 제작 2003년, 도에이 애니메이션의 제작자 마츠이 토시유키는 이노우에 다케히코의 사무실로 가서 TV 애니메이션이 중단된 이후에도 이야기를 이어갈 《슬램덩크》 영화를 만들 의향이 있는지 물었다. 그것은 애니메이션의 DVD 박스의 인기 때문이었지만, 제안은 거절되었다. 6년 후인 2009년, 이노우에의 사무실은 마츠이에게 이 프로젝트에 대한 제안서를 보내기 위해 접근했다. 그 후, 마츠이는 미야하라 나오키와 오하시 토시오가 이끄는 팀을 모아 거의 5년에 걸쳐 3DCG를 사용하여 만들 수 있는 비주얼 프로토타입 비디오를 개발했는데, 이는 손으로 그린 2D 애니메이션보다 농구 코트에서 많은 수의 캐릭터를 함께 움직이는 것이 더 현실적으로 보이기 때문이다. 두 번째 원형은 이노우에의 시야에서 멀리 벗어나 등장인물들이 살아있다는 것을 환기시키지 않았기 때문에 거의 전체 영화만큼 비용이 들었지만 거절당했다. 최종 시제품이어야 했던 세 번째 시제품은 3DCG와 2D 애니메이션을 결합했고, 이노우에 감독의 작업 인프라를 구축한 버전이었다. 2014년 12월, 마츠이와의 만찬에서 이노우에는 영화에 청신호를 보냈다. 이어 마쓰이는 이노우에가 등장인물들의 대화와 시각적인 외모와 표정으로 가장 신뢰받는 인물이기 때문에 대본을 쓰고 연출해야 한다고 제안했다. 이노우에가 수락한 후, 2015년 1월부터 대본 작업을 시작했다. 2018년에는 모션 캡처 및 모델 작업이 시작되었다. 개봉 영화의 첫 번째 티저 예고편은 2022년 7월 7일에 공개되었고, 전체 예고편은 2022년 11월 4일에 공개되었다. 이 영화는 2022년 12월 3일에 도에이에 의해 일본에서 극장 개봉되었다. 필리핀에서는 2023년 2월 1일 파이오니어 필름스에 의해 개봉되었다. 또한, 이 영화는 홍콩, 한국, 대만과 같은 해외 지역에서 여러 번 더빙되었다. : 2022년 12월 3일 : 2023년 1월 4일 : 2023년 1월 7일 : 2023년 1월 12일 : 2023년 1월 12일 : 2023년 2월 22일 : 2023년 2월 23일 : 2023년 2월 23일 : 2023년 4월 14일 : 2023년 4월 20일 : 2023년 5월 11일 : 2023년 6월 28일 : 2023년 6월 28일 : 2023년 6월 28일 : 2023년 6월 28일 : 2023년 6월 28일 : 2023년 6월 28일 : 2023년 6월 28일 : 2023년 6월 28일 : 2023년 6월 28일 : 2023년 7월 7일 : 2023년 7월 7일 : 2023년 7월 26일 : 2023년 7월 27일 : 2023년 7월 28일 : 2023년 7월 28일 : 2023년 7월 28일 : 2023년 8월 3일 : 2023년 8월 3일 : 2023년 8월 4일 : 2023년 8월 10일 : 2023년 8월 11일 : 2023년 8월 24일 : 2023년 8월 25일 : 2023년 8월 30일 : 2023년 8월 30일 : 2023년 12월 5일 반응 박스 오피스 2023년 1월 4일, 《더 퍼스트 슬램덩크》는 일본에서 67억 엔을 벌어들였다. 이 영화는 일본 박스 오피스에서 1위로 데뷔했고, 첫 이틀 동안 12억 9천 6백만 엔의 수익을 올렸다. 이 영화는 두 번째와 세 번째 주말에 8억 2천 5백만 엔와 5억 4천 7백만 엔의 수익으로 1위를 유지했다. 한국에서, 이 영화는 3,818,000장의 티켓을 판매했고, 2023년 3월까지 3,038만 달러 이상의 수익을 거두며 2016년의 《너의 이름은.》을 제치고 역대 최고 수익을 올린 애니메이션 영화가 되었다. 각주 외부 링크 공식 사이트 2022년 애니메이션 영화 슬램덩크 일본어 영화 작품 일본의 애니메이션 영화 일본의 스포츠 영화 농구 애니메이션 농구 영화 스포츠 애니메이션 영화 쇼난을 배경으로 한 영화 고등학교를 배경으로 한 영화 아이맥스 영화 만화의 애니메이션 영화화 작품 도에이 애니메이션 영화 이노우에 다케히코
amphora/parallel-wiki-koen
full
The Japan–Korea Joint Development Zone, often abbreviated as the JDZ, is an area in the East China Sea jointly administered by Japan and the Republic of Korea since 1978. The area was first defined by the continental shelf in the waters south of Jeju Island, west of Kyushu, and north of Okinawa. The zone is believed to hold an estimated ₩9,000 trillion worth of oil reserves, but due to a lack of cooperation in recent decades, has produced none to date. The initial lack of progress is what Japan cites as their reason for their apparent decreased interest in the JDZ since the 1990s, while some officials in South Korea claim Japan is waiting until the agreement can expire after fifty years (in 2028) to claim the area for itself. The People's Republic of China in recent decades has also showed an increased interest in the area, and has agreed to work with Japan to develop similar oil reserves bordering the JDZ since 2008 without also including South Korea, making the issue a topic of debate mainly inside of the latter. History Ratification Japan and South Korea both historically had overlapping claims over the continental shelves in the East China Sea before the establishment of the JDZ, causing the area to be disputed from a lack of compromise. A resolution for the dispute only became necessary though after a 1969 report by the then U.N. Economic Commission for Asia and the Far East, which revealed that the area held petroleum and natural gas reserves in "prolific" amounts comparable to that in the Persian Gulf. Following the report's findings, neither nation agreed to recognize the others' ownership of the waters, with South Korea claiming the waters first in 1970 citing a ruling by the International Court of Justice (ICJ) from a year prior about the principle of "natural prolongation of the […] sovereignty of the coastal state," and Japan citing a 1958 principle which proposed a median line in "the absence of agreement". In a show of friendly cooperation to resolve the issue during the Cold War and after the relation-straining kidnapping of Kim Dae-jung, the JDZ was established on 30 January 1974. This was done with a United Nations-sponsored agreement being signed by representatives of both nations in Seoul, with Japan being represented by their ambassador to South Korea , and South Korea by their Minister of Foreign Affairs . Most notably in the agreement: the zone's area was broken into nine subzones, with each subzone being appointed one "concessionaire" from both nations who have the ability to recommend actions to ensure their subzone is equally taxed, "explored," and "exploited" within what is allowed by the agreement, according to articles three and four. Zone seven would be the largest subzone by a large margin at . While oil and natural gas were the main focus of joint development, the agreement also regulated many aspects of fishing within the area. The agreement would be ratified by the South Korean National Assembly in December 1974, and would enter into effect after Japanese ratification about four years later on 22 June 1978, with the delay caused by opposition from Socialist and Communist parties who argued for Chinese and North Korean inclusion into the JDZ. The agreement ended with the clause in article thirty-one that the JDZ could be terminated after fifty-years (in 2028) if either nation gives the other a notice of their departure from the agreement three years prior. Post-ratification and controversies Exploration activities would begin in the JDZ after the agreement was signed in 1979, and would continue steadily, though mainly unsuccessfully, in three joint exploration activities until 1992. After this, fewer joint activities would begin to take place until in 2005 when Japan refused to participate in a previously planned joint exploration in the JDZ. Japan would engage in their last joint activity to date in 2010. In line with this lack of activity, Japan during the 2009 to 2017 exploration period further disobeyed article four of the agreement by not appointing any concessionaires to any of the subzones. This lack of recent research and joint cooperation since the 1990s has led to no significant oil and gas deposits being discovered in the zone, despite evidence of their existence. Research done to date has only discovered five promising and thirteen potential areas for oil. Japan has expressed that their apparent lessening interest in the JDZ stems from estimates that significant oil and gas reserves in the JDZ are not enough to be commercially viable, also citing the previous failed drilling attempts. The presence of the successful Chinese Chunxiao gas field bordering the JDZ and similar estimates recently conducted by South Korean, Chinese, and American researchers in the region though conflict with these claims, leading some South Korean officials to accuse Japan of waiting until the agreement expires in 2028 to claim the zone for itself. Changes to the U.N.'s law of the sea principals which among other things discusses the setting of territorial waters, has changed since the original JDZ agreement was signed in 1982 towards the concept of Exclusive Economic Zones (EEZ) over claims based on continental shelves. This concept, which favors a midline border between two countries, would greatly benefit Japan in the event of the end of the agreement as the JDZ lies more than 90% inside of what would be the Japanese EEZ, and weakens South Korea's original claim to the area based on continental shelves. Chinese claim Benefitting from the dispute; China in recent years has also sought to extend a claim to the area. China's EEZ overlaps with the western part of the JDZ which provides some basis for a claim, but because of their absence from the original JDZ agreement, they are currently entitled to nothing in the zone. This exclusion led the Chinese Ministry of Foreign Affairs to call the agreement an "infringement of Chinese sovereignty" one month after the agreement was first signed in 1974, and file a formal protest in April 1977 for dividing the continental shelf without Chinese consent. A claim has become more plausible in recent decades though since Japan, despite mutual wariness between both parties, first held negotiations with China in October 2005 regarding joint oil and gas development in areas bordering the JDZ; including in the Chunxiao, Tianwaiten, and later Pinghu gas fields. An agreement would successfully be signed on the matter at the 34th G8 summit in June and July 2008, excluding South Korea. In the event the agreement is terminated after 2028 but no clear decision on who will administer the area is yet made, China could legally start developing the area to legitimise a claim, as they have done with the aforementioned gas fields bordering the JDZ. In modern South Korean politics The issue of maintaining control in whole or in part of the area the JDZ encompasses has surfaced itself as a growing issue within modern South Korean politics, especially as Chinese–Japanese cooperation increases in bordering areas. Representatives of the National Assembly have debated multiple times about the JDZ, such as in 2011 and 2023, calling for a diplomatic solution to avoid a potential future dispute over the region, and to 'stop China' from expanding into the area. Despite South Korea's exclusion to these new bilateral agreements which could put their claims to JDZ area after the end of the agreement in risk, the nation has been "lukewarm" in asserting their position on the international stage. In April 2008, President Lee Myung-bak announced he would discuss promoting future development of the JDZ in a visit to Japan, but no such discussion was made. In May 2023, an attempt by the Democratic Party to make the JDZ an issue on the agenda for a Japan–Korea summit was also rejected. Government officials in the nation have been accused on prioritizing establishing contracts with nations in Central Asia and Africa over the bordering JDZ for oil and natural resources. Resources According to a Japanese survey done in the 1970s, the JDZ contains an estimated 6.3 billion barrels of oil. More recent estimates by the American-based Woodrow Wilson International Center for Scholars show the JDZ containing approximately ₩9,000 trillion (≈ $6.8 trillion) worth of oil reserves, which comparatively would be "10 times more natural gas than Saudi Arabia, and 4.5 times more oil than the US". The area is also believed to hold significant hydrocarbons deposits. Aside from the value of natural resources estimated to be in the JDZ, the development zone's geographic location runs through many shipping lanes, and comprises a large part of South Korea's southern maritime access, which generally does not extend far out into the Pacific elsewhere. See also East China Sea EEZ disputes Similar disputed maritime territory Chunxiao gas field (Chinese gas field disputed by Japan bordering the JDZ) Liancourt Rocks (South Korean islands disputed by Japan and North Korea) Senkaku Islands (Japanese islands disputed by Taiwan and China) Notes References External links Official documents relating to the JDZ Agreement between Japan and the Republic of Korea concerning Joint Development of the Southern Part of the Continental Shelf adjacent to the Two Countries No. 75: Continental Shelf Boundary and Joint Development Zone: Japan - Republic of Korea Seabed Petroleum in Northeast Asia: Conflict or Cooperation? Further notable & unincorporated academic journals Territorial Conflicts in the East China Sea – From Missed Opportunities to Negotiation Stalemate Disputed waters United Nations treaties Foreign relations of China Foreign relations of Japan Foreign relations of Korea Japan–South Korea relations
한일공동개발구역(韓日共同開發區域, )은 대한민국과 일본 공동개발 해역으로 제주도 남쪽과 규슈 서쪽 사이의 해역의 대륙붕을 말한다. 대한민국에서는 흔히 7광구라고 부른다. 참고로, 가수 정난이가 1978년에 부른 노래의 제목도 제7광구이다. 이 해역에는 석유와 가스 매장량이 흑해 유전과 맞먹는 72억톤에 달할 것으로 추정되고 있다. 한편, 중화인민공화국은 대한민국과 일본이 이 구역을 공동개발하는 것을 인정하지 않고 있다. 한ㆍ일 대륙붕 협정 해당 지역은 지리적으로는 일본에 더 가깝지만 당시 대륙붕연장론이 우세했던 국제정세에 입각하여 1970년 5월 한국이 먼저 7광구를 개발해 영유권 선포를 하였으나, 일본의 반대에 부딪혔으며 당시 탐사기술과 자본이 없었던 박정희 정부는 1974년 일본과 이곳을 공동으로 개발하자는 한일대륙붕협정을 맺었다. 협정에 따르면 이 지역의 탐사 또는 개발과 관련하여 한ㆍ일 양국이 공동개발한다는 것이다. 즉, 어느 한쪽이라도 자원탐사 및 채취에 대해 동의하지 않으면 안 된다는 것이다. 이 협정은 1978년 발효되었고, 50년간 유효함에 따라 2028년 만료된다. 1999년 국제연합 대륙붕한계위원회(UN CLCS)에서는 인접국 간 영토분쟁 해결을 위한 기준안 마련을 위해 관련국 51개국에 10년 시한 안에 자국의 대륙붕 관할을 주장할 수 있는 정식보고서를 제출할 것을 요구했다. 이는 국제해양법에서 연안국으로부터 200해리까지 배타적 권리를 인정하면서, 예외적으로 육지로부터 바다쪽으로 이어진 지층구조가 200해리 이후까지 자연적으로 같은 모양을 이루고 있을 경우 대륙붕 한계를 최대 350해리까지 설정할 수 있어 연안국 간 분쟁의 소지가 있기 때문이다. 이에 일본과 중국은 2009년 각각 수백쪽의 '대륙붕보고서'를 UN에 제출했으나, 한국 정부는 100여 쪽분량의 정식문서를 만들어 놓고도 8쪽의 예비보고서만 제출하였다. 예비보고서 제출이후, 2012년 12월 26일 대한민국은 대륙붕 정식보고서를 국제연합 대륙붕한계위원회(UN CLCS)에 제출하였다. 한ㆍ일대륙붕협정이 만료되기 전에 대책을 마련해 놓지 못하면 2028년 이후, 국제해양법에 따라 7광구의 대부분은 일본측에 넘어갈 가능성이 크다. 2022년 윤석열 정부 출범이후, 한일정상회담과 한미정상회담에서 한일공동개발구역 내용을 언급해야 한다는 기사가 나오고 있다. 일본을 상대로 경제적인 명분보다 중국 팽창 저지를 위한 안보 동맹 차원의 접근이 필요하다고 조언한다. 시추내역 협정체결이후 1986년까지 7개 탐사시추를 했으며, 이중 3개 시추공에서 소량이지만 석유와 가스가 발견되기도 했다. 연표 1970년 6월: 박정희 당시 대통령이 제주도 남쪽과 일본 규슈 서쪽에 위치한 이 곳을 대한민국의 대륙붕이라고 선언했다. 1974년: 대한민국과 일본 양국은 한일대륙붕협정을 맺어 7광구 8만여km2의 해역에 대해 한일공동개발구역(JDZ)으로 설정했다. 1978년: 한일대륙붕협정이 발효되었다. 7광구의 광물 자원은 한일 양국이 공동으로 개발해야 하며 광물 탐사 및 채취와 관련해 한쪽 정부의 요청이 있으면 양국이 문제를 협의해야 한다고 규정하고 있다. 1986년: 한일 공동개발구역(JDZ) 협정 이행기구인 한일 공동위원회가 마지막으로 개최되었다. 그 이후 2012년까지 추가로 위원회가 개최된 적이 없다. 2002년: 한일 공동으로 물리탐사 및 분석을 하였다. 한국석유공사(KNOC)와 일본석유공단(JNOC)이 공동으로 작업했다. 2006년 3월 7일: 중화인민공화국은 베이징에서 열린 동중국해 가스전 개발과 관련한 실무회의에서 일본에 7광구를 중일이 공동개발하자고 제안했다. 이러한 소식에 대해 대한민국 정부 관계자는 불쾌감을 나타냈다. 2006년 5월 26일: 물리탐사 결과에 대해 한국측은 경제성이 있다고 본 반면에 일본측은 경제성이 없다고 판단했다. 일본은 이때부터 공동개발에 부정적인 태도를 취했다. 한국 정부 관계자는 "공동개발구역 동남쪽 중국측 해상 광구의 가스 매장량이 10억t 이상으로 추정되는 점을 감안하면 7광구 매장량은 3600만t을 훨씬 웃돌 수도 있다" 말했다. 한국의 연간 가스 수입량은 2200만t이다. 2008년 4월 21일: 이명박 대통령이 방일하여 후쿠다 야스오 일본 총리와의 정상회담에서 한일 공동개발구역 석유, 가스 개발을 검토했다. 2008년 8월 21일: 서울 르네상스호텔에서 이재훈 지식경제부 2차관 주재로 제1차 해저광물자원개발 심의위원회가 열렸다. 한국석유공사는 일본이 소극적인 JDZ를 법률검토하에 단독탐사를 신청할 것이라고 보고했다. 이러한 보고에 대해, 심의위원회는 한일 양국 어느 나라도 단독탐사는 불가능하다면서 재검토를 권고했다. 2009년 5월 12일: 대한민국 정부는 200해리가 넘는 동중국해 대한민국 대륙붕 경계에 관한 예비 정보를 《국제 연합 대륙붕한계위원회》(CLCS)에 제출했다. 2011년: 하지원 주연의 블록버스터 영화 7광구가 2011년 8월 4일에 개봉됐다. 2012년 12월 26일: 예비보고서를 제출했던 3년 뒤, 대한민국 정부의 외교부는 국제 연합 대륙붕한계위원회(CLCS)에 정식 보고서를 제출하였다. 2020년 3월: 그동안 일본과의 공동개발조약에 발이 묶여 방치돼 있던 7광구 개발을 한국 정부가 34년 만에 재추진하는 것으로 확인됐다. 같이 보기 춘샤오 가스전 - 7광구 바로 옆에 있는 중화인민공화국의 가스전으로, 일본과 분쟁 중이다. 센카쿠 열도 - 7광구와 센카쿠 열도, 춘샤오 가스전은 같은 유전, 가스전 지대에 있다. 이어도 - 이어도에는 대한민국의 종합해양과학기지가 있다. 오키나와 주상해분 - 대한민국은 오키나와 주상해분의 가장 깊은 곳을 자국과 일본의 대륙붕 경계라고 주장. 각주 외부 링크 대한뉴스 제1266호(남해안 한일 대륙붕 석유 시추 작업) 대한뉴스 제1280호(석유 절약만이 최선의 길) 가스전 동중국해 대한민국-일본 관계 한중일
amphora/parallel-wiki-koen
full
Eduardo Manuel "Nelo" Martinho Bragança de Vingada (born 30 March 1953) is a Portuguese football manager. Managerial career Early years Vingada was born in Serpa. His first steps as a professional football manager were in Belenenses, and then in Académica de Coimbra in the 1982–83 season, when he was assistant manager for Mário Wilson at Académica. Sintrense and Vilafranquense were his following teams as a manager. In the 1986–87 season, Vingada was appointed as an assistant manager for Portugal U-20 along with Carlos Queiroz. He was the assistant manager for the Portugal national squad in the World Youth Championships of 1989 in Riyadh and 1991 in Lisbon with Carlos Queiroz as head manager, both won by Portugal. Portugal U-20 Vingada was appointed as a head manager for Portugal U-20 and his team participated in 1995 World Youth Championship. In this tournament, Portugal U-20 ended in the third place. The Portugal Olympic football team under his management participated in the 1996 Atlanta Summer Olympics and after a win over Tunisia (2–0) and 1–1 draws against Argentina and the United States, they ended in second place in Group A with the same points and goal difference as the first-placed Argentinians (but with lesser goals scored). Then in the quarter-finals, a win over France (2–1) after extra-time assured them a place in the semi-finals. Once again they played against Argentina, but this time the South Americans won 2–0. For the bronze medal match, they faced Brazil. Portugal was heavily defeated by 5–0. Saudi Arabia In the 1996–97 season, Vingada became the manager of the Saudi Arabia national team, winning the Asian Cup in 1996, and qualifying for the 1998 FIFA World Cup, before being sacked from his position prior to the World Cup. In the 1997–98 and 1998–99 seasons, Vingada worked as an assistant manager for Portuguese club Benfica, along with Graeme Souness as principal manager. Return to Portugal Between 1999 and 2003, Vingada was the manager of Marítimo, a Portuguese team from Madeira, and helped the team stay in the Portuguese Liga and qualify once to the Portuguese cup final. In 2003, new Portuguese Real Madrid manager Carlos Queiroz proposed Vingada as assistant manager on 27 June but Carlos Queiroz's proposition was not accepted. Zamalek In the 2003–04 season, Vingada became the manager of Egyptian club El Zamalek. He helped the team win the Egyptian premier league, the Saudi-Egyptian Super Cup, and the African Super Cup against Wydad Casablanca, all in one season. In the 2004–05 season, he became the manager of Académica de Coimbra. Egypt and Jordan In 2005, he became the head manager of the Egyptian national U-23 football team. The team failed to reach the Olympic Games which were being held in Beijing in 2008. Although the Egyptian Football Association wanted Vingada to continue managing the team, he resigned. In summer 2007, Vingada signed for Moroccan club Wydad Casablanca. Only six weeks after he had assumed the new position, he resigned. Vingada accepted the offer to manage Jordan national football team and signed a 16-month contract with the Jordan Football Association. Vingada later took on the mission to prepare the Jordanian team for the 2010 FIFA World Cup qualification. After failing to pass the first round of the qualifiers, Vingada resigned. Persepolis On 9 February 2009, Vingada was officially appointed as head manager of Iranian football side Persepolis. On 17 June 2009, just after five days of signing with Al Ahly he resigned due to family problems. Vitória S.C. On 24 June 2009 he was named as head manager Vitoria S.C. in his homeland Portugal and on 7 October 2009 was sacked after four months due to poor results. FC Seoul He officially became a manager of FC Seoul of South Korea in January 2010. On 5 December 2010, after winning a game for 2–1, he became the Champion of South Korea, it was the first time in ten years for FC Seoul. Vingada won the K-League Cup, K-League with FC Seoul. His K-League record was 20 wins, 2 draws, 6 losses in the 2010 season. His winning percentage 71% is a record high in the K-League. On 13 December 2010 FC Seoul offered a one-year contract extension but FC Seoul and Vingada did not agree on the salary conditions. So Vingada went back to Portugal. Vingada became head manager of Chinese Super League side Dalian Shide on 28 August 2011. Iran U-23 After assisting Carlos Queiroz and the Iran national football team during the qualifiers of the 2014 FIFA World Cup, he became the manager of the Iran Olympic team, signing a two-year contract until the 2016 Summer Olympics. At the 2014 Asian Games held in Incheon, South Korea, Iran was defeated 4–1 by Vietnam in their first match which was Iran's worst defeat in the tournament. They drew 1–1 with Kyrgyzstan in the next match, resulting in an early exit from the competition which was Iran's worst result in the Asian Games since its establishment. As a consequence Vingada was sacked as manager of Iran under-23 team on 9 November 2014. Marítimo In January 2016, he signed with Marítimo, this being the second term at the Madeiran club for him as he was their manager from 1999 till 2003. He ended his second tenure with Marítimo on 23 May 2016 to pursue his career elsewhere. North East United FC In July 2016, it was announced that he will be the new head coach of the North East United FC, part of the Indian Super League. He was their head coach until 15 May 2017 as he was offered a new job as Malaysia national football team head coach. Malaysia On 15 May 2017, Vingada was officially announced as the new head coach of Malaysia national football team with a difficult task to revive Malaysian football. He also took his trusted partner Francisco Jose Bruto da Costa as his deputy. His first match was in the 2019 Asian Cup qualifiers against Lebanon, which ended in a 1–2 defeat. His second match was in the friendly match against Syria national football team, which ended in a 1–2 defeat at Hang Jebat Stadium Melaka. Vingada stepped down as head coach of Malaysia on 6 December 2017 by mutual consent with Football Association of Malaysia, after not winning any of his seven games in charge, and failure to qualify to the 2019 AFC Asian Cup. Return to Iran On 11 January 2019, Vingada rejoined the coaching staff of Iran national football team, who are participating in the 2019 AFC Asian Cup, and reunite with Queiroz. Kerala Blasters FC On 18 January 2019, it was announced that Vingada would be the new head coach of Kerala Blasters FC in the Indian Super League after the club sacked David James due to poor performances. With a win percent of less than 15, he too was sacked by the club at the end of the 2018–19 Indian Super League season. Managerial statistics Honours Assistant Manager Portugal U-20 FIFA U-20 World Cup: 1989, 1991 Manager Portugal U-20 FIFA U-20 World Cup: Third-place 1995 Saudi Arabia AFC Asian Cup: 1996 Zamalek SC Egyptian Premier League: 2002–03 CAF Super Cup: 2003 Saudi-Egyptian Super Cup: 2003 Arab Champions League: 2003 Jordan West Asian Football Federation Championship: Runners-up 2008 FC Seoul K League: 2010 League Cup: 2010 Marítimo Taça da Liga Runners-up: 2015–16 References External links 1953 births Living people People from Serpa Portuguese men's footballers Men's association football forwards Atlético Clube de Portugal players C.F. Os Belenenses players Liga Portugal 2 players Primeira Liga players Technical University of Lisbon alumni Portuguese football managers C.F. Os Belenenses managers Académica de Coimbra (football) managers Portugal national football team managers Saudi Arabia national football team managers C.S. Marítimo managers Zamalek SC managers Wydad AC managers Jordan national football team managers Persepolis F.C. managers Al Ahly SC managers Vitória S.C. managers FC Seoul managers Dalian Shide F.C. managers Malaysia national football team managers Kerala Blasters FC managers Primeira Liga managers Liga Portugal 2 managers Egyptian Premier League managers Botola managers Persian Gulf Pro League managers K League 1 managers Chinese Super League managers Indian Super League managers 1996 AFC Asian Cup managers AFC Asian Cup-winning managers Portuguese expatriate football managers Portuguese expatriate sportspeople in Saudi Arabia Portuguese expatriate sportspeople in Egypt Portuguese expatriate sportspeople in Morocco Portuguese expatriate sportspeople in Jordan Portuguese expatriate sportspeople in Iran Portuguese expatriate sportspeople in South Korea Portuguese expatriate sportspeople in China Portuguese expatriate sportspeople in India Portuguese expatriate sportspeople in Malaysia Expatriate football managers in Saudi Arabia Expatriate football managers in Egypt Expatriate football managers in Morocco Expatriate football managers in Jordan Expatriate football managers in Iran Expatriate football managers in South Korea Expatriate football managers in China Expatriate football managers in India Expatriate football managers in Malaysia NorthEast United FC managers Sportspeople from Beja District
에두아르두 마누엘 마르티뉴 빙가다(, 1953년 3월 30일 ~ )는 포르투갈의 축구 감독으로, 포르투갈 U-20 축구 국가대표팀, 포르투갈 올림픽 축구 국가대표팀, 사우디아라비아 축구 국가대표팀, 이집트 명문 자말렉 SC의 감독을 역임하였으며 2009년 12월 14일 FC 서울의 감독으로 선임되어 2010년 1월 3일부터 감독직을 공식적으로 수행하기 시작하였으며, 2010년 12월 13일 FC 서울의 감독에서 물러났다. 지도자 경력 넬루 빙가다는 화려한 선수 경력을 쌓지 못하고 1981년 28세라는 젊은 나이에 CF 벨레넨스스에서 축구 지도자로서의 길을 걷기 시작하였다. 그 후 자국의 여러 클럽을 거쳐 포르투갈 U-20 청소년 대표팀의 수석코치로 1989년과 1991년 세계 청소년 축구 선수권대회에 참가하여 카를루스 케이루스 당시 감독을 보좌하며 2회 연속 우승을 달성하였다. 이 대회들을 통해 포르투갈 축구의 황금 세대라고 불리는 루이스 피구, 후이 코스타, 파울루 소자, 주앙 핀투, 루이 벤투, 아벨 사비에르 등을 발굴, 성장시켜 포르투갈 축구 중흥의 화려한 서막을 알렸다. 그 후 1994년 포르투갈 성인 축구 국가대표팀의 감독으로 2경기를 치렀으며 포르투갈 U-20 청소년 대표팀의 감독이 되어 1995년 FIFA 세계 청소년 축구 선수권 대회에 참가하여 3위 입상이라는 호성적을 남겼으며 누누 고메스라는 신성을 발굴하는 성과를 올렸다. 이런 지도력을 인정받아 포르투갈 올림픽 축구 대표팀의 감독이 되어 1996년 애틀랜타 올림픽에 참가하였으며 4강 진출에 성공하였지만 3-4위전에서 호나우두가 활약한 브라질에게 패하면서 메달 획득에는 실패하였다. 하지만 역대 포르투갈 올림픽 축구 사상 가장 좋은 성적을 남기게 되었으며 아직도 깨지지 않고 있다. 1996년 사우디아라비아 대표팀의 감독이 되어 그 해 AFC 아시안컵 우승을 하였으며 사우디아라비아를 1998 프랑스 월드컵 본선 진출에 성공시켰지만 아쉽게도 본선에서는 감독으로 나서지 못하였다. 그 후 1997년 SL 벤피카의 코치로 잠시 재직하였으며 2003년 6월 레알 마드리드의 감독이 되었던 카를루스 케이루스에 의해 수석코치 제안을 받았지만 성사되지 못하였다. 2004년 이집트 명문 축구 클럽 자말렉 SC의 감독이 되어 2003-04 시즌에 21승 5무 0패의 전적으로 우승을 하였으며 이런 뛰어난 성적을 바탕으로 이집트 올림픽 대표팀의 감독이 되었다. 2007년 요르단 축구 대표팀의 감독으로 임명되어 서아시아 축구 선수권대회에서 준우승을 하였으나 2010년 FIFA 월드컵 아시아 지역 예선 3라운드에서 대한민국과 조선민주주의인민공화국에게 밀려 본선행이 좌절되었다. 이후 여러 클럽의 감독으로 재직하다가 2009년 FC 서울의 감독이 되었다. FC 서울에서 더블을 달성한 이후에 재계약 협상을 벌였지만 불발되어 6개월 동안 공석으로 지내다가 2011년 7월 중국 슈퍼 리그 다롄 스더의 감독이 되었다. FC 서울에서 더블 우승 2010년 2월 27일 2010 K-리그 대전 시티즌과의 원정 경기에서 부임 후 첫 공식 경기를 치렀으며 5-2로 대승을 거두었다. 그 후 리그컵 우승, 정규 리그 1위, K리그 우승, 홈 경기 18연승 등 FC 서울에서 제2의 전성기를 구가하였으며 리그 승률 71%를 기록하여 역대 K리그 감독 중 최고 승률 감독이 되었다. 하지만 2010년 12월 13일 FC 서울이 우승 감독으로써 연봉 인상안을 제시했지만 넬루 빙가다 감독과의 재계약 협상이 세부적인 연봉 조건 등에 있어서 의견 차이로 인해 최종 결렬되어 12월 14일 빙가다 감독이 포르투갈로 출국하면서 FC 서울의 넬루 빙가다 시대는 막이 내렸다. 수상 내역 코치 포르투갈 U-20 FIFA U-20 월드컵 : 우승 (2) : 1989, 1991 감독 국가대표팀 포르투갈 U-20 FIFA U-20 월드컵 : 3위 (1) : 1995 포르투갈 올림픽 하계 올림픽 : 4위 (1) : 1996 사우디아라비아 AFC 아시안컵 : 우승 (1) : 1996 요르단 서아시아 축구선수권대회 : 준우승 (1) : 2008 클럽 자말렉 SC 이집트 프리미어 리그 : 우승 (1) : 2003-04 CAF 수퍼컵 : 우승 (1) : 2003 아랍 컵 위너스컵: 우승 (1) : 2003 사우디-이집트 수퍼컵 : 우승 (1) : 2003 FC 서울 K리그 : 우승 (1) : 2010 리그컵 : 우승 (1) : 2010 각주 외부 링크 FIFA 공식 웹사이트 국제대회 카테고리 1953년 출생 살아있는 사람 포르투갈의 남자 축구 선수 포르투갈의 축구 감독 CF 벨레넨스스의 축구 선수 CF 벨레넨스스의 축구 감독 포르투갈 축구 국가대표팀 감독 아카데미카 드 코임브라의 축구 감독 CS 마리티무의 축구 감독 자말레크 SC의 축구 감독 페르세폴리스 FC의 축구 감독 알아흘리 (카이로)의 축구 감독 비토리아 SC의 축구 감독 FC 서울의 축구 감독 FC 서울의 코칭스태프 리스본 공과 대학교 동문 SL 벤피카의 축구 감독 위다드 AC의 축구 감독 다롄 스더의 축구 감독 1996년 AFC 아시안컵 참가 감독 사우디아라비아 축구 국가대표팀 감독 요르단 축구 국가대표팀 감독 대한민국의 외국인 축구 감독 사우디아라비아의 외국인 축구 감독 이란의 외국인 축구 감독 중국의 외국인 축구 감독 프리메이라리가의 축구 감독 K리그1의 축구 감독 말레이시아의 외국인 축구 감독 인도의 외국인 축구 감독 인도 슈퍼리그의 축구 감독 대한민국에 거주한 포르투갈인 중국에 거주한 포르투갈인 이집트에 거주한 포르투갈인 인도에 거주한 포르투갈인 보톨라의 축구 감독 중국 슈퍼리그의 축구 감독 말레이시아 축구 국가대표팀 감독 리가 포르투갈 2의 축구 선수 프리메이라리가의 축구 선수 이집트 프리미어리그의 축구 감독 리가 포르투갈 2의 축구 감독
amphora/parallel-wiki-koen
full
Anniviers is a municipality in the district of Sierre in the canton of Valais in Switzerland. It was formed through the merger of six municipalities in Val d'Anniviers: Ayer, Chandolin, Grimentz, Saint-Jean, Saint-Luc and Vissoie. The merger became effective 1 January 2009, creating the third largest municipality of Switzerland by area. History Human settlement dates from the Bronze Age and Iron Age. The region was later occupied by Gaulish tribes, who were conquered by the Roman Empire during the first century. Under Rome the valley was incorporated into the province of Helvetia and became known as Annivesium. The present inhabitants of Anniviers are claimed to be descendants of Huns or a related people, who migrated to Europe from Central Asia, during or after the fall of the Western Roman Empire. An extinct and unrecorded language formerly spoken in the area is reported to have had similarities to Hungarian. The inhabitants of Val d'Anniviers generally became Christian much later than their neighbours; the Swiss travel writer Marc-Théodore Bourrit, in Description des Alpes Pennines et Rhetiennes (1781) writes of how the Bishopric of Sion struggled to convert the people of the valley, who long adhered to a pagan religion. A century later, the Hungarian cleric and historian Mihály Horváth says of the inhabitants: "They say they are the descendants of the old Huns. The majority of them have light-blue eyes or grayish green eyes, blonde or brown hair, with large and bony forehead and a slight yoke-bone. They have a common nose, broad chin, prominent shoulders and neck, and they are in general low-statured." Other cultural features including folk art, cuisine and burial rituals are also said to support this link. There are two main theories regarding the inhabitants' connection to the Huns: the inhabitants are descended from followers of Attila who settled in the valley after being defeated in the Battle of the Catalaunian Plains (451 CE) and/or; they are descended from Magyars (Hungarians) who invaded western Europe during the 10th century. The valley was known as Annivesium until 1052. The Bishop of Sion owned the valley between 1116 and 1138 and donated it to the chapter. In the year 1193, the area became a demesne of the Anniviers family, then by Raron (1381). The property was returned to the bishopric in 1798. Ayer was first mentioned in 1296, and Chandolin about 1250 as Eschandulyns. Grimentz was first mentioned in 1052 as Grimiens; the village was formerly known by its German name Grimensi. Saint-Jean was first mentioned in 1250 as de Sancto Johanne. Saint-Luc was first mentioned in 1267 as Lus and in 1304 as Luc; the name Saint-Luc first appeared around 1850, and was nout the official name until 1904. While the valley's first cart path was cleared in about 1300, a wagon road was not built until 1854 for the transport of nickel and cobalt ores. The paved road dates from 1955; it was constructed to allow transportation of materials needed to build the Dam Moiry. The number of parishes increased from two in 1805 to five in 1932. By 1905 there were six municipalities: Ayer, Chandolin, Saint-Luc, Saint-Jean, Grimentz and Vissoie. Geography Anniviers has an area, , of . Of this area, 22.0% is used for agricultural purposes, while 19.4% is forested. Of the rest of the land, 1.5% is settled (buildings or roads) and 57.1% is unproductive land. Demographics Anniviers has a population () of . , 19.5% of the population are resident foreign nationals. Over the last 10 years (2000–2010 ) the population has changed at a rate of 14.4%. It has changed at a rate of 14.8% due to migration and at a rate of 3.4% due to births and deaths. Most of the population () speaks French (89.6%) as their first language, German is the second most common (3.9%) and Portuguese is the third (3.4%). , the population was 52.1% male and 47.9% female. The population was made up of 1,038 Swiss men (41.0% of the population) and 281 (11.1%) non-Swiss men. There were 1,000 Swiss women (39.5%) and 213 (8.4%) non-Swiss women. , children and teenagers (0–19 years old) make up 25% of the population, while adults (20–64 years old) make up 60% and seniors (over 64 years old) make up 15.1%. , the construction rate of new housing units was 17 new units per 1000 residents. The vacancy rate for the municipality, , was 0.52%. Historic Population The historical population is given in the following chart: Heritage sites of national significance The Ilôt Bosquet and Chlasche in Grimentz is listed as a Swiss heritage site of national significance. The villages of Ayer, Grimentz, Saint-Jean, and Vissoie along with the hamlet of Pinsec are all part of the Inventory of Swiss Heritage Sites. Politics In the October 12, 2008, municipal election, the Christian Democratic People's Party of Switzerland took six seats, the Free Democratic Party of Switzerland took two seats, and the AdG took one seat. Economy , Anniviers had an unemployment rate of 3.5%. , there were 106 people employed in the primary economic sector and about 55 businesses involved in this sector. 358 people were employed in the secondary sector and there were 43 businesses in this sector. 669 people were employed in the tertiary sector, with 142 businesses in this sector. Of the working population, 7.5% used public transportation to get to work, and 53.1% used a private car. Weather The village of Grimentz has an average of 106.7 days of rain or snow per year and on average receives of precipitation. The wettest month is August during which time Grimentz receives an average of of rain or snow. During this month there is precipitation for an average of 10.9 days. The driest month of the year is April, with an average of of precipitation over 8.6 days. Education The village of Vissoie is home to the Bibliothèque d'Anniviers library. The library has () 7,002 books or other media, and loaned out 5,395 items in the same year. It was open a total of 167 days with average of 25 hours per week during that year. Tourism Anniviers is a high tourism region. Several hiking trails and diverse sports installations welcome visitors in summer. In winter, three ski areas are available: Grimentz, Saint-Luc - Chandolin and Zinal. Vercorin is also nearby, but is technically not in the municipality. Special events Every year, Anniviers is the terminus of the Sierre-Zinal and the Grand Raid Cristalp races. Regional Specialty A speciality wine of the valley is the Vin du Glacier. Access A9: Motorway of Lausanne-Simplon. Exit Sierre. via a picturesque mountain road. References Municipalities of Valais Ski areas and resorts in Switzerland Cultural property of national significance in Valais Articles which contain graphical timelines
아니비에()는 스위스 발레주에 있는 시에르 지역의 시정촌이다. 그것은 발 다니비에에 있는 여섯 개의 지자체의 합병을 통해 형성되었다 : 에어(Ayer), 샹돌랑(Chandolin), 그리몽스(Grimentz), 생장(Saint-Jean), 생뤼크(Saint-Luc) 및 비수아(Vissoie). 합병은 2009년 1월 1일 발효되었으며, 지역별로 스위스의 세 번째로 큰 시정촌을 창설했다. 역사 인간의 정착은 청동기 시대와 철기 시대부터 시작된다. 이 지역은 나중에 첫 세기 동안 로마 제국에 의해 정복된 갈리아족에 의해 점령되었다. 로마 치하에서 계곡은 헬베티아 지방에 편입되었고, 아니베시움(Annivesium)으로 알려지게 되었다. 아니비에의 현재 주민들은 훈족 또는 관련 민족의 후손이라고 주장되며, 서로마 제국의 몰락 기간 또는 그 이후에 중앙아시아에서 유럽으로 이주했다. 이 지역에서 이전에 사용되던 멸종되고 기록되지 않은 언어는 헝가리어와 유사성을 가지고 있는 것으로 알려졌다. 발다니비에의 주민들은 일반적으로 이웃보다 훨씬 늦게 기독교인이 되었다. 스위스 여행 작가 마크 테오도르 부리는 《페나인 알프스와 래티셰 알프스 해설》(1781)에서 시온 주교단이 오랫동안 이교도 종교를 고수했던 계곡의 사람들을 개종시키기 위해 어떻게 투쟁했는지에 대해 썼다. 한 세기 후, 헝가리 성직자이자 역사가인 미하이 호르바스는 주민들에 대해 다음과 같이 말한다 : "그들은 그들이 옛 훈족의 후손이라고 말한다. 그들 중 대다수는 연한 파란 눈 또는 칙칙한 녹색 눈, 금발 또는 갈색 머리카락을 가지고 있으며, 크고 뼈가 많은 이마와 약간의 멍에뼈가 있다. 그들은 일반적인 코, 넓은 턱, 눈에 띄는 어깨와 목을 가지고 있으며, 일반적으로 낮은 통계이다. " 민속 예술, 요리 및 매장 의식을 포함한 다른 문화적 특징도 이 링크를 지원한다고 한다. 훈족에 대한 주민들의 연결에 관한 두 가지 주요 설이 있다 : 주민들은 카탈라우눔 전투(451 CE)에서 패배한 후 계곡에 정착한 아틸라의 추종자들로부터 후손이다. 그들은 10세기 동안 서유럽을 침략한 마자르인(헝가리인)의 후손이다. 이 계곡은 1052년까지 애니베슘(Annivesium)으로 알려졌다. 시옹의 주교는 1116년과 1138년 사이에 계곡을 소유하고 그것을 지부에 기증했다. 1193년에 이 지역은 아니비에 가족의 데메스네가 되었고, 라론(1381)에 의해 그 다음에. 재산은 1798년에 감독단에 반환되었다. 에어(Ayer)는 1296년에 처음 언급되었으며, 샹돌랑(Chandolin)은 1250년경에 Eschandulyns로 언급되었다. 그리몽스는 1052년에 그리미엔스로 처음 언급되었다. 이 마을은 이전에 독일 이름 Grimensi로 알려졌다. 생장은 1250년에 드 산토 요하네로 처음 언급되었다. 생뤼크는 1267년에 루스로, 1304년에 루크로 처음 언급되었다. 생뤼크라는 이름은 1850년경에 처음 등장했으며, 1904년까지 공식 이름을 사용했다. 계곡의 첫 번째 카트 경로가 약 1300년에 개간되었지만, 니켈과 코발트 광석의 운송을 위해 1854년까지 마차 도로가 건설되지 않았다. 포장된 도로는 1955년부터 시작되었다. 그것은 므와리댐을 건설하는 데 필요한 자재의 수송을 허용하기 위해 건설되었다. 본당 수는 1805년 두 곳에서 1932년 다섯 개로 증가했다. 1905년까지 여섯 개(에어, 샹돌랑, 생뤼크, 생장, 그리몽스, 비수아)의 지자체가 있었다. 지리 아니비에는 2011년 현재 243.1k㎡ 면적을 가지고 있다. 이 지역 중 22.0%는 농업 목적으로 사용되며, 19.4%는 숲이 우거져 있다. 나머지 토지 중 1.5%는 정착 (건물 또는 도로)이고 57.1%는 비생산적인 토지이다. 인구통계 2020년 12월 현재, 아니비에는 2,742명의 인구가 있다. 2008년 현재인구의 19.5%는 거주 외국인이다. 지난 10년 동안 (2000-2010) 인구는 14.4%의 비율로 변화했다. 그것은 이주로 인해 14.8%의 비율로 그리고 출생과 사망으로 인해 3.4%의 비율로 변경되었다. 인구의 대부분(2000년 현재)는 프랑스어 (89.6%)를 모국어로 사용하고 독일어는 두 번째로 일반적이며, (3.9%), 포르투갈어는 세 번째 (3.4%)이다. 2008년 현재 인구는 남성 52.1%, 여성 47.9%였다. 인구는 스위스 남성 1,038명(인구의 41.0%)과 스위스 남성이 아닌 남성 281명(11.1%)으로 구성되었다. 스위스 여성은 1,000명(39.5%), 스위스 여성은 213명(8.4%)이었다. 2000년 현재 어린이와 청소년(0-19세)은 인구의 25%를 차지하고 성인 (20-64세)은 60%를 차지하고 노인 (64세 이상)은 15.1%를 차지한다. 2009년 현재 새로운 주택 단위의 건설 비율은 1,000명의 거주자당 17개의 새로운 단위였다. 2010년 지자체의 공실률, 0.52%였다. 역사적 인구는 다음 도표에 나와 있다: 국가중요문화재 그리몽스의 일로 보스케(Ilôt Bosquet)와 클라슈는 국가적으로 중요한 스위스 유산으로 등록되어 있다. 에어, 그리몽, 생장과 비수아의 마을과 팡섹(Pinsec)의 마을은 모두 스위스 문화유산 인벤토리의 일부이다. 정치 2008년 10월 12일 지방선거에서 스위스의 기독민주인민당은 6석, 스위스 자유민주당은 2석, AdG는 한 석을 차지했다. 경제 2010년 현재 아니비에의 실업률은 3.5%였다. 2008년 현재 주요 경제 부문에는 106명이 고용되어 있으며, 이 부문에는 약 55개의 비즈니스가 참여했다. 358 명이 중등 부문에 고용되었으며, 이 부문에는 43개의 비즈니스가 있었다. 669명이 고등 부문에 고용되었으며, 이 부문에는 142개의 사업체가 있다. 노동 인구의 7.5%는 대중교통을 사용하여 일하고, 53.1%는 개인 자동차를 사용했다. 기후 그리몽스 마을은 연간 평균 106.7일의 비나 눈이 내리며, 평균 769mm의 강수량을 받는다. 가장 습한 달은 8월이고, 그리몽스는 평균 82mm의 비나 눈을 내렸다. 이달 동안 평균 10.9 일 동안 강수량이 있다. 일년 중 가장 건조한 달은 4월이며, 8.6 일 동안 평균 52mm의 강수량을 기록했다. 교육 비수아 마을에는 다니비에 도서관이 있다. 도서관에는 (2008년 현재) 7,002권의 서적 또는 기타 매체를 보유하고 같은 해에 5,395권의 물품을 대출했다. 총 167일 동안 열렸으며, 그해 동안 주당 평균 25시간이 걸렸다. 관광 아니비에는 높은 관광 지역이다. 여러 하이킹 트레일과 다양한 스포츠 시설이 여름에 방문객을 환영한다. 겨울에는 그리몽, 생루퀴 – 샹돌랑 및 지날의 세 가지 스키 지역이 있다. 베르코랑(Vercorin)도 근처에 있지만, 기술적으로 시정촌에는 없다. 문화 특별 이벤트 매년 아니비에는 시에르-지날과 Grand Raid Cristalp 경주의 종착역이다. 지역 특산품 계곡의 전문 와인은 빈 뒤 빙하이다. 각주 외부 링크 아니비에 (공식) 발레주의 지자체 스위스의 스키장 발레주의 국가중요문화재
amphora/parallel-wiki-koen
full
Stefan Effenberg (; born 2 August 1968) is a German former footballer who most recently acted as sporting director for KFC Uerdingen 05. A midfielder, he was known for his leadership skills, passing range, shooting ability, and physical strength, but was also a temperamental and controversial character. In the Bundesliga alone – where he represented Bayern Munich most notably, in six seasons and in two different spells – Effenberg collected 109 yellow cards, an all-time record at the time of his retirement. With Bayern, he won three Bundesligas and captained the club to the UEFA Champions League title in 2001. In a career which was cut short after a run-in with the management, he played for Germany on more than 30 occasions, representing the nation in one World Cup and one European Championship. His nickname is Der Tiger (, "the tiger"). Club career Born and raised in Niendorf, Hamburg on 2 August 1968, Stefan Effenberg started his professional career with Borussia Mönchengladbach, where he became an undisputed first-choice by the age of 20. This attracted the interest of Bundesliga giants FC Bayern Munich, where he scored 19 goals in his first two seasons after his transfer, although the club failed to win any silverware with Effenberg in the lineup. When legendary Lothar Matthäus (who also represented Mönchengladbach) returned to Bayern in 1992, Effenberg moved to ACF Fiorentina. Despite the presence of Dane Brian Laudrup and Argentine Gabriel Batistuta, Fiorentina was relegated from Serie A in his first season. Effenberg stayed on in the second flight, winning promotion back at the first attempt. In the summer of 1994, Effenberg then moved back to Gladbach, where he appeared in 118 league matches, scoring 23 goals, before Bayern re-signed him in 1998. Effenberg's second spell with the Bavarians was much more successful. He collected three Bundesliga titles in a row, and Bayern also reached two UEFA Champions League finals, the first of which was a 1–2 defeat to Manchester United F.C. in 1999. Bayern returned to the final in 2001 with Effenberg as captain. He scored Bayern's equalising goal from the penalty spot in a victory against Valencia (1–1, penalty shootout win). After the final, Effenberg was named the Most Valuable Player of the 2000–01 UEFA Champions League. After his departure, club fans voted him one of the eleven greatest Bayern players of all time. After an unassuming spell at VfL Wolfsburg, Effenberg ended his career in Qatar with Al-Arabi Sports Club, with Gabriel Batistuta as his teammate. He appeared occasionally as a color commentator for German TV after his retirement as a player. Managerial career Effenberg was appointed as the head coach of SC Paderborn on 13 October 2015. He was sacked on 3 March 2016. On 10 October 2019, KFC Uerdingen 05 presented Effenberg as the new sporting director. Following a few troubled months which included the team briefly staying at an Italian hotel with no football pitch for a mid-season training camp, he stepped back from this position prematurely in May 2020. International career Effenberg played 35 games for the Germany national team and scored five goals. His debut came on 5 June 1991, in a Euro 1992 qualifier against Wales, as he played the last 18 minutes of a 1–0 away loss. He would be an everpresent fixture during the final stages, even netting in the second group stage match, a 2–0 win over Scotland. During a group game against South Korea in the 1994 FIFA World Cup. Effenberg "gave the finger" to German fans at the Cotton Bowl in the 35 °C (95 °F) heat of Dallas when he got substituted after a subpar performance; the Germans were then only one goal up, after leading 3–0. German coach Berti Vogts was so outraged by this incident that he dropped Effenberg from the team on the spot, and declared that he was finished as an international player. Effenberg did not appear in another international match again until 1998, when he was briefly re-instated to the national team for a couple of friendly matches in Malta in September, which happened to be Vogts' last two matches as national team coach. They turned out to be his last caps for Germany. Controversies and personal life Effenberg had a history of attracting attention and ire from fans, managers, and players alike with his behaviour. In 1991, prior to a UEFA Cup game against then-semi-professional Cork City, Effenberg told the press he was sure of a victory, saying Cork City midfielder Dave Barry was "like (his) grandfather". Barry got his retribution by scoring the opening goal in the team's 1–1 draw at Musgrave Park. In the late 1990s, Effenberg, already married to Martina, provoked animosity when his affair with Claudia Strunz, the partner of former club and national teammate, Thomas Strunz, was revealed. Effenberg published a controversial autobiography, notorious for its blatant contents – which included lashing out at some other football professionals, namely club and national side mate Lothar Matthäus. In 2001, Effenberg was fined after being found guilty of assaulting a woman in a nightclub. The following year, he implied that unemployed people in Germany were in fact too lazy to look for work, and demanded they took benefit cuts. The interview was issued in Playboy. Strunz and Effenberg were married in 2004, and the player also had three children from his first marriage; the couple then relocated to Florida. Career statistics Club International Scores and results list Germany's goal tally first, score column indicates score after each Effenberg goal. Managerial Honours Bayern Munich Bundesliga: 1998–99, 1999–2000, 2000–01 DFB-Pokal: 1999–2000 UEFA Champions League: 2000–01 Intercontinental Cup: 2001 DFL-Supercup: 1990 DFB-Ligapokal: 1998, 1999, 2000 Fiorentina Serie B: 1993–94 Borussia Mönchengladbach DFB-Pokal: 1994–95 Germany UEFA European Championship runner-up: 1992 U.S. Cup: 1993 Individual kicker Bundesliga Team of the Season: 1990–91, 1991–92, 1994–95, 1995–96, 1996–97, 1997–98, 1999–2000 UEFA European Championship Team of the Tournament: 1992 FIFA XI: 1997 ESM Team of the Year: 1998–99 UEFA Club Footballer of the Year: 2001 Bayern Munich All-time XI References External links 1968 births Living people Footballers from Hamburg German men's footballers Bundesliga players Men's association football midfielders SC Victoria Hamburg players Borussia Mönchengladbach players FC Bayern Munich footballers VfL Wolfsburg players Serie A players Serie B players ACF Fiorentina players Al-Arabi SC (Qatar) players Germany men's under-21 international footballers Germany men's international footballers UEFA Euro 1992 players 1994 FIFA World Cup players German expatriate men's footballers Expatriate men's footballers in Italy Expatriate men's footballers in Qatar German expatriate sportspeople in Italy Qatar Stars League players 2. Bundesliga managers German football managers SC Paderborn 07 managers UEFA Champions League winning players UEFA Men's Player of the Year Award winners West German men's footballers German expatriate sportspeople in Qatar
슈테판 에펜베르크(, 1968년 8월 2일, 함부르크 ~)는 은퇴한 독일의 축구 선수이다. 그는 현역 시절에 중앙 미드필더로 활약했으며, 리더쉽, 슈팅력, 피지컬 능력을 지닌 인물이지만, 동시에 무시무시한 성격의 소유자와 논란의 인물로도 알려져 있다. 이러한 그의 성격 탓에 호랑이(The Tiger)라는 별명으로도 잘 알려져 있는데 이는 그의 헤어스타일에서 유래했다. 분데스리가에서, 그는 FC 바이에른 뮌헨 소속으로 6시즌을 두 기간으로 나누어 활약한 것으로 알려져 있다. 에펜베르크는 은퇴하기 전까지 109장의 옐로우카드를 수집하여, 가장 많은 경고를 받은 선수로도 기록되었다. 그는 30차례 독일 국가대표팀 출장 기록을 세웠는데, 코칭스태프와의 불화로 이른 시기에 국가대표팀과 결별하였다. 그는 한차례의 UEFA 유럽 축구 선수권 대회와 한차례의 FIFA 월드컵에 참가하였다. 그의 별명은 호랑이 (Der Tiger)이다. 클럽 경력 함부르크의 닌도르프 출신으로, 에펜베르크는 보루시아 묀헨글라트바흐에서 프로 데뷔를 하여, 20세가 되었을때에는 부동의 주전자리를 확보하였다. 그의 성과는 분데스리가 거함 FC 바이에른 뮌헨의 관심을 끌었고, 1990년에 이적하였다. 그는 뮌헨에서의 처음 두 시즌에 19골을 득점하였으나, 소속팀은 무관에 그쳤다. 로타어 마테우스 (그도 또한 한때 보루시아 묀헨글라트바흐의 선수였다.) 가 1992년에 뮌헨으로 복귀한 뒤, 에펜베르크는 ACF 피오렌티나로 이적하였으나, 덴마크의 브라이언 라우드루프와 아르헨티나의 가브리엘 바티스투타를 보유한 피오렌티나는 에펜베르크의 이적 원년에 세리에 A강등을 피할 수 없었다. 그 후, 에펜베르크는 친정팀 보루시아 묀헨글라트바흐로 이적하여 118경기 출장, 23골을 기록하였고, 이후에 FC 바이에른 뮌헨으로 다시 이적하였다. 바이에른 뮌헨에서의 2기는 1기보다 훨씬 성공적이었고, 리그 3연패에 달성하는 것은 물론, 발렌시아 CF와의 UEFA 챔피언스리그 2000-01의 결승전에서는 정규 시간에 페널티킥으로 동점골을 기록하여 팀이 승부차기 끝에 승리하도록 하였다. 이 시즌의 챔피언스리그에서, 그는 MVP로 선정되었다. 2002년, 그가 바이에른에서 떠난 후, 팬들은 역대 베스트 11 투표에 그의 이름을 올렸다. 그는 VfL 볼프스부르크에서 성공적이지 못한 한 시즌을 보낸 후, 카타르의 알아라비 SC에서 또다시 한시즌을 보내고 은퇴하였다. 이후, 그는 독일 TV의 평론가로 등장하였다. 국가대표팀 경력 에펜베르크는 독일 축구 국가대표팀에 차출되어 35경기에 출장하며 5골을 득점하였다. 그는 웨일스와의 UEFA 유로 1992 예선전에서 첫 출전하였는데, 그는 이 경기에서 막판 18분을 뛰었으나, 독일은 0-1 패를 당하였다. 그는 이후 이 대회의 본선에 출전하여, 스코틀랜드와의 조별리그 2차전에서 득점하여 2-0 승리를 견인하였다. 그러나, 에펜베르크의 국가대표팀 커리어는 논란의 대상으로 언론의 질타를 받았으며, 몇년간 국가대표팀 경기에 출장하지 못하였다. 독일 축구 국가대표팀은 1994년 FIFA 월드컵 이후에 그를 더이상 차출하지 않기로 결정하였다. 그는 94년 댈러스의 코튼볼에서 열린 대한민국과의 월드컵의 조별리그 C조 최종전에서 교체아웃되는 도중 야유를 보내고 있던 관중을 향해 부적절한 손짓을 하였다. 그가 교체될 당시 전반전에 3-0으로 앞서나가던 독일은 후반전에 들어 2골을 연달아 실점하여 1골차로 추격당하고 있었다. 그 결과, 베르티 포크츠는 부적절한 손짓을 한 에펜베르크를 대회가 끝나기 전에 강제로 퇴출시켰다. 에펜베르크는 4년 후, 국가대표팀에 다시 차출되어 9월의 몇차례 친선경기에 출전하였다. 에펜베르크는 이 때에 경기에 출전한 것을 끝으로 국가대표팀과 결별하였고, 포크츠도 그 이후로 감독직을 내려놓았다. 경력 통계 클럽 기록 국가대표팀 출장 기록 국가대표팀 득점 기록 아래의 점수에서 왼쪽의 점수가 독일의 점수이다. 수상 클럽 세리에 B: 1993-94 UEFA 챔피언스리그: 2000-01 인터콘티넨털컵: 2001 분데스리가: 1998-99, 1999-2000, 2000-01 DFB-포칼: 1994–95, 1999–2000 DFB-리가포칼: 1998, 1999, 2000 DFL-슈퍼컵: 1990 국가대표팀 UEFA 유럽 축구 선수권 대회 준우승: 1992 개인 UEFA 올해의 클럽 축구 선수: 2001 UEFA 유로 대회 베스트 : 1992 키커 선정 분데스리가 올해의 팀 : 1990–91, 1991–92, 1994–95, 1995–96, 1996–97, 1997–98, 1999–2000 ESM 선정 올해의 팀 : 1998–99 논란 / 사생활 에펜베르크는 괴팍한 성격으로 팬들의 관심을 받는 것으로 알려져 있다. 1991년, 반프로 팀인 코르크 시티 FC와의 UEFA컵 경기를 앞두고, 에펜베르크는 코르크 시티의 미드필더인 데이브 배리의 플레이를 가지고 "(그의) 할아버지와 같다"라며 승리를 확신하였다. 이를 들은 배리는 머스그레이브 파크에서 열린 경기에서 선제골을 넣으며, 에펜베르크의 발언에 응수하였고, 경기는 1-1 무승부로 끝났다. 1990년대말, 에펜베르크는 타블로이드에 간간히 모습을 드러냈고, 특히 그의 아내인 마르티나가 남편이 토마스 슈트룬츠의 아내인 클라우디아 슈트룬츠와 연애를 했다는 사실을 폭로하였을 때 그 정점을 찍었다. 이후, 에펜베르크는 논란을 일으킨 자서전을 출판하였고, 이 자서전에서는 그의 팀동료 로타어 마테우스를 비롯한 여러명의 축구인들에게 독설을 퍼부었다. 2001년, 에펜베르크는 나이트클럽에서 여성을 폭행한 혐의로 벌금형이 내려졌다. 이듬해, 그는 독일의 실업자들이 취직자리를 찾는데 너무 소홀하고, 이들에 대한 사회보장 혜택을 축소시켜야 한다고 주장하였다. 이 인터뷰 내용은 플레이보이에 실려 있다. 2004년, 에펜베르크는 클라우디아 슈트룬츠와 결혼하였고, 에펜베르크는 클라우디아와 토마스 슈트룬츠 부부 슬하의 세 자녀를 그의 슬하에 두게 되었다. 에펜베르크 부부는 이후에 미국 플로리다주로 이주하였다. 각주 외부 링크 fussballdaten 통계 National-Football-Teams.com 통계 개인 공식 웹사이트 1968년 출생 살아있는 사람 독일의 남자 축구 선수 보루시아 묀헨글라트바흐의 축구 선수 FC 바이에른 뮌헨의 축구 선수 ACF 피오렌티나의 축구 선수 VfL 볼프스부르크의 축구 선수 알아라비 (카타르)의 축구 선수 UEFA 유로 1992 참가 선수 1994년 FIFA 월드컵 참가 선수 남자 축구 미드필더 이탈리아의 외국인 남자 축구 선수 독일의 해외 진출 남자 축구 선수 독일 남자 축구 국가대표팀 선수 독일 남자 U-21 축구 국가대표팀 선수 카타르의 외국인 남자 축구 선수 세리에 A의 축구 선수 세리에 B의 축구 선수 분데스리가의 축구 선수 2. 분데스리가의 축구 감독 SC 파더보른 07의 축구 감독 카타르 스타스 리그의 축구 선수 이탈리아에 거주한 독일인
amphora/parallel-wiki-koen
full
was a feudal domain under the Tokugawa shogunate of Edo period Japan, in what is now eastern Ehime Prefecture on the island of Shikoku. It was centered around Saijō jin'ya, and was ruled throughout most of its history by a cadet branch of the Kii Tokugawa clan. Saijō Domain was dissolved in the abolition of the han system in 1871 and is now part of Ehime Prefecture. History In 1636, Hitotsuyanagi Naomori, daimyō of Kanbe Domain in Ise Province received an increase in kokudaka of 18,000 koku and was transferred to Saijō in Iyo Province with a total of 68,000 koku. This marks the start of Saijō Domain. He transferred 5,000 koku to his second son, Naoie, and thus the domain officially was rated as 63,000 koku. However, Naomori died in Osaka in the same year and his inheritance was divided among his three sons: his heir Naoshige inherited 30,000 koku and became daimyo of Saijō Domain, his second son Naoie inherited 28,000 koku, forming Iyo Kawanoe Domain and later transferred his seat to Ono Domain in Harima Province, and his third son Naoyori became the 10,000 koku daimyō of Komatsu Domain. Naoshige built the first jin'ya and laid out the jōkamachi. His son Naoki inherited the domain, but gave 5000 koku to his younger brother, reducing the domain to 25,000 koku. However, in 1665, Naoki was dispossessed for negligence of duties and misgovernment, and Saijō Domain became tenryō territory administered directly by the shogunate. In 1670, Matsudaira Yorizumi, the third son of Tokugawa Yorinobu, daimyō of Kii Domain, was allowed to establish a cadet branch of the clan, and granted Saijō Domain with a kokudaka 30,000 koku, and the Saijō domain was re-established. This domain was positioned as a subsidiary domain under Kii Domain, and was intended as "insurance" in the event that the main Kii Tokugawa clan failed to produce an heir. When the 5th daimyō of Kii Domain, Tokugawa Yoshimune, became shogun, the second daimyō of Saijō, Tokugawa Yoriyoshi, inherited Kii Domain and renamed himself Tokugawa Munenao, and his younger brother, Matsudaira Yoritada inherited Saijō. The fourth daimyō, Matsudaira Yorisato, issued sumptuary orders to restore the domain's finances, but he retired at the age of 22 due to the difficulty of reforming the administration of the domain due to his poor health. His adopted heir was a younger son of Tokugawa Munenao, Matsudaira Yoriatsu, how later inherited Kii Domain under the name of Tokugawa Harusada. Yoriatsu was succeeded by Matsudaira Yorikata, a son of Tokugawa Munemasa of Kii Domain. Matsudaira Yoriyuki, the 8th daimyō, opened the han school Tasezendo. The 9th daimyō, Matsudaira Yorisato was the first daimyō of Saijō to visit his domain in over 100 years. Saijō Domain was ruled almost as a part of Kii Domain, with its finances supported by the parent domain and its military incorporated into Kii Domain's structure. Matsudaira Yorizumi, the first daimyō, visited Saijō five times during his 40-year reign; however, in the 200 years after his demise, daimyō of the domain visited only a total of nine times. Despite their status of a shinpan daimyō and close ties to the Kii Tokugawa clan, in the Bakumatsu period, the domain was quickly showed an allegiance to the Meiji government and participated in the Boshin War as part of the government army. With the abolition of the han system in 1871, the domain became "Saijō Prefecture", which was later incorporated into Ehime Prefecture via Matsuyama Prefecture and Sekitetsu Prefecture. In 1884, the final daimyō of Saijō, Matsudaira Yorihide was ennobled with the title of viscount (shishaku) in the kazoku peerage. Holdings at the end of the Edo period As with most domains in the han system, Saijō Domain consisted of several discontinuous territories calculated to provide the assigned kokudaka, based on periodic cadastral surveys and projected agricultural yields. Iyo Province 15 villages in Uma District 43 villages in Nii District 3 villages in Shūfu District List of daimyō {| class=wikitable ! #||Name || Tenure || Courtesy title || Court Rank || kokudaka |- |colspan=6| Hitotsuyanagi clan, 1636 -1665 (Tozama) |- ||1||||1636||Kenmotsu (監物)|| Junior 5th Rank, Lower Grade (従五位下)||68,000 -> 63,000 koku |- ||2||||1636 - 1645||Tango-no-kami (丹後守)|| Junior 5th Rank, Lower Grade (従五位下)||30,000 koku |- ||3||||1645 - 1665||Kenmotsu (監物)|| Junior 5th Rank, Lower Grade (従五位下)||30,000 -> 25,000 koku |- |colspan=6| tenryō 1665-1670 |- |colspan=6| Matsudaira clan, 1670 -1871 (Shinpan) |- ||1||||1670 - 1711||Sakyō-no-daibu (左京大夫)|| Junior 4th Rank, Lower Grade (従四位下)||30,000 koku |- ||2||||1711 - 1716||Sakyō-no-daibu (左京大夫)|| Junior 4th Rank, Lower Grade (従四位下)||30,000 koku |- ||3||||1716 - 1738||Sakyō-no-daibu (左京大夫)|| Junior 4th Rank, Lower Grade (従四位下)||30,000 koku |- |4||||1738 - 1753||Sakyō-no-daibu (左京大夫)|| Junior 4th Rank, Lower Grade (従四位下)||30,000 koku |- ||5||||1753 - 1775|||Sakone-no-chūjo (左近衛権少将)|| Junior 4th Rank, Lower Grade (従四位下)||30,000 koku |- ||6||||1775 - 1795||Shikibu-no-taiyū (式部大輔)|| Junior 4th Rank, Lower Grade (従四位下)||30,000 koku |- ||7||||1795 - 1797||Uta-no-kami (雅楽頭)|| Junior 4th Rank, Lower Grade (従四位下)||30,000 koku |- ||8||||1797 - 1832||Shikibu-no-taiyū (式部大輔)|| Junior 4th Rank, Lower Grade (従四位下)||30,000 koku |- ||9||||1832 - 1862||Sakone-no-chūjo (左近衛権少将); Jijū (侍従)|| Junior 4th Rank, Upper Grade (従四位上)||30,000 koku |- ||10||||1862 - 1871||Sakyō-no-daibu (左京大夫)|| Junior 4th Rank, Upper Grade (従四位上)||30,000 koku |- |- |} See also List of Han Abolition of the han system References Domains of Japan History of Ehime Prefecture Iyo Province Shikoku region Matsudaira clan 1608 establishments in Japan States and territories established in 1608 1871 disestablishments in Japan States and territories disestablished in 1871
사이죠번 ()은 에도 시대에 이요국에 존재했던 번이다. 번청은 이요국 니이군 사이죠 (현 에히메현 사이죠시)의 사이죠 진야이다. 에도 시대 초기에는 토자마 다이묘 히토츠야나기가가 다스렸고, 3대 약 30년만에 개역되었다. 1670년, 도쿠가와 고산케 중 하나인 키이 도쿠가와가의 일족 (고렌시)가 3만석으로 들어와, 와카야마번의 지번으로서 폐번치현까지 존속했다. 번의 역사 주로 향토사 분야에서, 히토츠야나기시 사이죠번을 "제 1차 사이죠번", 마츠다이라씨의 사이죠번을 "제 2차 사이죠번"이라고 부르는 경우가 있다. 히토츠야나기가 시대 간에이 13년 (1636년), 이세 고베 5만석의 영주였던 히토츠야나기 나오모리가 1만 8천석의 가증을 받아, 합계 6만 8천석으로 사이죠로 전봉되었다 (이중, 5천석을 차남 나오이에에게 분할했기 때문에, 6만 3천석으로 기록되기도 한다). 이에 따라, 이요국 니이군, 우마군, 슈후군 및 하리마국 카토군에 걸친 소령을 가진 사이죠번이 성립하지만, 나오모리는 같은 해, 입성하기 위해 가던 길목인 오사카에서 사망했다. 나오모리의 유령은 세 아들에 의해 분할되어, 후계자 나오시게가 3만 석을 상속받아 사이죠번 번주가 되었고, 차남 나오이에가 2만 8천석 (이요 카와노에번 → 하리마 오노번), 3남 나오요리가 1만석 (이요 코마츠번)으로 다이묘가 되었다. 실질적으로 사이죠 3만석을 성립시킨 것은 2대 나오시게라 할 수 있다. 나오시게는 사이죠 진아 및 그 진야 마을의 원향을 쌓았다. 나오시게의 아들 나오오키는 동생 나오테루에게 5천석을 분봉해주고, 사이죠번은 2만 5천석이 되었다. 그러나, 간분 5년 (1665년), 나오오키는 직무 태만과 실정 등을 이유로 개역 처분을 받았다. 사이죠 영지는 이 후, 토쿠시마번, 마츠야마번의 보관지를 거쳐 공의어료 (대관 지배지)가 되었다. 사이죠 마츠다이라가 시대 간분 10년 (1670년), 와카야마번 번주 도쿠가와 요리노부의 3남 마츠다이라 요리즈미가 3만석으로 입봉하고, 다시 사이죠번이 세워졌다. 이 번은 와카야마번의 지번으로 자리매김한 번으로, 키이 토쿠가와가 (와카야마번 번주 가문)가 끊어질 경우에 대비하는 집안이었다. 후술하는 바와 같이 와카야마번과의 관계는 긴밀했다. 겐로쿠 7년 (1694년)에 벌어진 타카다노바바 결투는 사이죠번 번사 스가노 로쿠로자에몬, 무라카미 쇼자에몬이 벌인 결투 사건으로, 호리베 타케츠네의 조력으로 명성을 얻었다. 와카야마번 5대 번주 도쿠가와 요시무네가 쇼군이 되었을 때, 사이죠번 2대 번주 요리요시가 와카야마번을 이어 도쿠가와 무네나오라 칭했으며, 동생 요리야스 (후의 마츠다이라 요리타다)가 사이죠번을 상속받았다. 4대 번주 마츠다이라 요리사토는 번 재정 재건을 위해 검약령을 내렸으나, 병약함을 이유로 번정 개혁이 곤란하다며 22살에 은거했고, 키이 도쿠가와가로부터 마츠다이라 요리아츠 (무네나오의 3남)를 5대 번주로 맞이했다. 요리아츠도 와카야마번을 이었기 때문에, 도쿠가와 하루사다 이름을 칭하고 있었다. 요리아츠의 후계는 와카야마번 번주 도쿠가와 무네마사의 아들 마츠다이라 요리카타가 이었다. 8대 번주 마츠다이라 요리유키는 사이죠에 번교 "이젠도"를 열었다. 9대 번주 마츠다이라 요리사토는 요리타다 이후 약 100년만에 사이죠 입성을 실시하는 동시에 덴포 7년 (1832년)에 영내의 지지 『西条誌』의 편찬을 명했다 (완성은 덴포 13년). 막부 말기의 번주는, 9대 번주 마츠다이라 요리사토이다. 마츠다이라가는 도쿠가와 일문의 신판이면서도 메이지 유신때에는 재빨리 신정부에 공순의 자세를 보여 관군으로서 보신 전쟁에 참전하였다. 메이지 2년 (1869년), 판적봉환과 동시에 마지막 번주 마츠다이라 요리히데는 번지사가 되어 화족에 올랐다. 메이지 4년 (1871년), 폐번치현에 의해 사이죠현이 되었다. 후에 마츠야마현, 이시테츠현을 거쳐, 에히메현에 편입되었다. 메이지 17년 (1884년)의 화족령으로 요리히데는 자작에 서임되었다. 역대 번주 히토츠야나기가(一柳家) 토자마 다이묘 (1636년 - 1665년). 고쿠다카 : 6만 8천석 → 3만석 → 2만 5천석 사이죠 마츠다이라가(西条松平家) 신판 다이묘 고렌시 (1670년 - 1871년). 고쿠다카 : 3만석 번주 모두 좌근위권소장에 임명되어있었다. 막부 말기의 영지 이요국 우마군 중 15개 마을 니이군 중 43개 마을 슈후군 중 3개 마을 사이죠 마츠다이라가 시대의 번정 사이죠 마츠다이라가의 사이죠번은 와카야마번의 지번이며, 군역은 본번에 편입되었고, 번 재정도 본번의 지원을 받았다. 지리적 조건에도 불구하고, 사이죠는 특히 본번과의 유대가 강해, 번사나 가족이 에도와 영지를 왕래할 때, 와카야마를 경유하기 일쑤였다. 또한 번주뿐만 아니라, 가신간의 이동도 세밀했다. 마츠다이라가는 정부다이묘로, 번주가 영지에 갈 기회는 적었다. 초대 번주 요리즈미의 사이죠 입성은 처음 입봉한 간분 10년 (1670년)을 비롯하여 약 40년간의 치세 동안 5번뿐이었다. 그러나, 사이죠 마츠다이라씨 10대 200년의 그 긴 기간동안 영지에 입성한 횟수는 총 9번이며, 그 중 4번은 쇼토쿠 4년 (1714년)에 마츠다이라 요리요시, 교호 14년 (1729년)에 마츠다이라 요리야스, 덴포 6년 (1835년)에 마츠다이라 요리사토, 분큐 3년 (1863년)에 마츠다이라 요리히사가 입성한 것이다. 관련 인물 ※분류:사이조번 사람도 참고 마츠다이라 요리카츠 - 사이조번의 적남 야마노이 콘론 - 유학자. 에도츠메한시(詰藩士)로서 고용되어있었다 츠즈키 케이로쿠 - 번사. 후에 법학박사, 남작 타카하시 센지로 - 번사. 검술가 관련항목 이요 팔번 타미야신겐류 (타미야류) 외부 링크 사이조 (마츠다이라 사쿄노다이부 요리카네) / 다이묘가 정보 - 무감전집 일본의 번 이요국의 번 히토쓰야나기씨 사이조 마쓰다이라가 기슈번의 지번 에히메현의 역사 사이조번 (이요국)
amphora/parallel-wiki-koen
full
The Brenner Pass ( , shortly ; ) is a mountain pass over the Alps which forms the border between Italy and Austria. It is one of the principal passes of the Eastern Alpine range and has the lowest altitude among Alpine passes of the area. Dairy cattle graze in alpine pastures throughout the summer in valleys beneath the pass and on the mountain slopes. At lower altitudes, farmers log pine trees, plant crops and harvest hay for winter fodder. Many of the high pastures are at an altitude of over ; a small number stand high in the mountains at around . The central section of the Brenner Pass covers a four-lane motorway and railway tracks connecting Bozen/Bolzano in the south and Innsbruck to the north. The village of Brenner consists of an outlet shopping centre (supermarkets and stores), fruit stores, restaurants, cafés, hotels and a gas station. It has a population of 400 to 600 (). Etymology Older, obsolete theories suggested a connection of the name Brenner with the ancient tribe of the Breuni or the Gaulish chieftain Brennus, but since the pass name appears for the first time only in the 14th century, a more recent etymology is far more likely. Prenner was originally the name of a nearby farm, which itself was named after its former owner. The farm of a certain Prennerius is mentioned in documents in 1288, a certain Chunradus Prenner de Mittenwalde is mentioned in 1299. The German word Prenner probably refers to somebody who uses slash-and-burn techniques for land clearing. A name for the pass itself appears for the first time in 1328 as ob dem Prenner (German for above the Prenner). History Roman Empire The Romans regularised the mountain pass at Brenner, which had already been under frequent use during the prehistoric eras since the most recent Ice Age. The Brenner Pass, however, was not the first trans-Alpine Roman road to become regularised under the Roman Empire. The first Roman road to cross the Alpine range, Via Claudia Augusta, connected Verona in northern Italy with Augusta Vindelicorum (modern-day Augsburg) in the Roman province of Raetia. Via Augusta was completed in 46–47 AD; the route took its course along the Adige valley to the neighbouring Reschen Pass (west of the Brenner Pass), then descended into the Inn valley before rising to Fern Pass towards Augsburg. The Roman road that physically crossed over the Brenner Pass did not exist until the 2nd century AD. It took the "eastern" route through the Puster Valley and descended into Veldidena (modern-day Wilten), where it crossed the Inn and into Zirl and arrived at Augsburg via Füssen. The Alamanni (Germanic tribe) crossed the Brenner Pass southward into modern-day Italy in 268 AD, but they were stopped in November of that year at the Battle of Lake Benacus. The Romans kept control over the mountain pass until the end of their empire in the 5th century. Holy Roman Empire During the High Middle Ages, Brenner Pass was a part of the important Via Imperii, an imperial road linking the Kingdom of Germany north of the Alps with the Italian March of Verona. In the carolingian Divisio Regnorum of 806 the Brenner region is called per alpes Noricas, the transit through the Noric Alps. Since the 12th century, the Brenner Pass was controlled by the Counts of Tyrol within the Holy Roman Empire. Emperor Frederick Barbarossa made frequent uses of the Brenner Pass to cross the Alps during his imperial expeditions into Italy. The 12th-century Brenner Pass was a trackway for mule trains and carts. Modernisation of the Brenner Pass started in 1777, when a carriage road was laid out at the behest of Empress Maria Theresa. Austrian Empire Modernisation further took place under the Austrian Empire and the Brenner Railway, which was completed in stages from 1853 to 1867. It became the first trans-Alpine railway without a major tunnel and at high altitude (crossing the Brenner Pass at 1,371 m). Completion of the railway enabled the Austrians to move their troops more efficiently; the Austrians had hoped to secure their territories of Venetia and Lombardy (south of the Alps), but lost them to Italy following the Second Italian War of Independence in 1859 and Austro-Prussian War in 1866. Recent history At the end of World War I in 1918, the control of the Brenner Pass became shared between Italy and Austria under the Treaty of Saint-Germain-en-Laye (1919). The Treaty of London (1915) secretly awarded Italy the territories south of the Brenner Pass for supporting the Entente Powers. Welschtirol/Trentino, along with the southern part of County of Tyrol (now South Tyrol), was transferred to Italy, and Italian troops occupied Tyrol and arrived at the Brenner Pass in 1919 to 20. During World War II, Adolf Hitler and Benito Mussolini met at the Brenner Pass to celebrate their Pact of Steel on 18 March 1940. Later, in 1943, following the Italian armistice with the Allies, the Brenner Pass was annexed by Nazi Germany, shifting the border with the Italian Social Republic, the Nazi puppet state headed by Mussolini, much further south. In 1945, the area was occupied by the US Army and returned to Italy after the end of the war. The Brenner Pass was part of the ratlines that were used by some fleeing Nazis after the German surrender in 1945. Following World War II, the pass once again formed the border between Italy and the newly independent Republic of Austria, and maintained its importance as a key trade route. On January 1st, 1995, the Schengen Agreement entered into force in Austria, a treaty Italy ratified on October 26. As a consequence, border checks were abolished in the Brenner Pass for goods and people between the two countries. On November 19, 1995, the border barrier between Italy and Austria at Brenner was officially abolished, with a commemoration attended by Austrian Minister of the Interior Karl Schlögl, Italian Minister of the Interior Giorgio Napolitano, and the governors of Innsbruck and Bolzano. Motorway The motorway E45 (European designation; in Italy A22, in Austria the A13), Brenner Autobahn/Autostrada del Brennero, begins in Innsbruck, runs through the Brenner Pass, Bozen/Bolzano, Verona and finishes outside Modena. It is one of the most important routes of north–south connections in Europe. After the signing of the Schengen Agreement in 1992 and Austria's subsequent entry into the European Union in 1995, customs and immigration posts at the Brenner Pass were removed in 1997. However, Austria reinstituted border checks in 2015 as a response to the European migrant crisis. In April 2016, Austria announced it would build a 370-meter long fence at the Pass but clarify that "it would be used only to "channel" people and was not a barrier." The Europabrücke (Europe Bridge), located roughly halfway between Innsbruck and the Brenner Pass, is a large concrete bridge carrying the six-lane Brenner Autobahn over the valley of Sill River (Wipptal). At a height of and span of , the bridge was celebrated as a masterpiece of engineering upon its completion in 1963. It is a site where bungee-jumping from the bridge has become a popular tourist attraction. The ever-increasing freight and leisure traffic, however, has been causing long traffic jams at busy times even without border enforcements. The Brenner Pass is the only major mountain pass within the area; other nearby alternatives are footpaths across higher mountains at an altitude of above . As a result, air and noise pollution have generated heavy debate in regional and European politics. , about 1.8 million trucks crossed the Europa Bridge per year. Railway In order to ease the road traffic, there are plans to upgrade the Brenner Railway from Verona to Innsbruck with a series of tunnels, including the Brenner Base Tunnel underneath Brenner. While the official groundbreaking of the tunnel had taken place in 2006 (with survey tunnels drilled in the same year), substantial work did not begin until 2011. Funding issues have delayed the tunnel's scheduled date of completion from 2022 to no earlier than 2032. See also List of highest paved roads in Europe List of mountain passes Principal passes of the Alps References External links Webcam Brenner Pass Austria–Italy border crossings Mountain passes of South Tyrol Mountain passes of the Alps Mountain passes of Tyrol (state) Rhaetian Alps International transport in Europe
브레너 고개(Brenner Pass)는 이탈리아와 오스트리아의 국경을 이루는 알프스 산맥을 통과하는 고개이다. 동부 알파인 산맥의 주요 고개 중 하나이며, 해당 지역의 알파인 고개 중 고도가 가장 낮다. 낙농 소는 여름 내내 고산 목초지에서 풀을 뜯고 있다. 낮은 고도에서 농부들은 소나무를 벌목하고 작물을 심고 겨울 사료로 건초를 수확한다. 대부분의 고지대는 고도가 1,500m 이상이다. 소수는 약 2,000m의 높은 산에 서 있다. 브레너 고개의 중앙 부분은 남쪽의 보첸/볼차노와 북쪽의 인스부르크을 연결하는 4차선 고속도로와 철도 트랙을 포함한다. 브레너 마을은 아울렛 쇼핑센터(슈퍼마켓 및 상점), 과일 상점, 레스토랑, 카페, 호텔 및 주유소로 구성되어 있다. 인구는 400~600명(2011년 기준)이다. 어원 더 오래되고 쓸모없는 이론에서는 브레너라는 이름이 Breuni의 고대 부족 또는 갈리아족 족장 Brennus와 연결되어 있다고 주장했지만, 고개 이름이 14세기에야 처음 등장했기 때문에 보다 최근의 어원일 가능성이 훨씬 더 높다. 프레너는 원래 인근 농장의 이름이었고, 그 자체는 이전 소유자의 이름을 따서 명명되었다. 어떤 Prennerius의 농장은 1288년 문서에 언급되어 있고, 어떤 Chunradus Prenner de Mittenwalde는 1299년에 언급되어 있다. 토지 개간 기술. 고개 자체의 이름은 1328년 처음으로 ob dem Prenner (독일어로 Prenner 위쪽)로 나타난다. 역사 로마 왕국 로마인들은 가장 최근의 빙하기 이후 선사 시대에 이미 자주 사용되었던 브레너 고개를 정규화했다. 그러나 브레너 고개는 로마제국 하에서 정규화된 최초의 알파인 로마 횡단 도로가 아니었다. 알프스 산맥을 가로지르는 최초의 로마 도로인 클라우디아 아우구스타 가도는 이탈리아 북부의 베로나와 로마 지방의 라에티아에 있는 아우구스타 빈델리코룸(오늘날의 아우크스부르크)을 연결했다. 아우구스타 가도는 서기 46-47년에 완성되었다. 루트는 아디게 계곡을 따라 인접한 레센 고개 (브레너 고개의 서쪽)까지 이어진 다음 인강 계곡으로 내려가 아우크스부르크를 향한 페른 고개까지 올라갔다. 브레너 고개를 물리적으로 가로지르는 로마 도로는 2세기까지 존재하지 않았다. 그것은 푸스터 계곡을 통해 ‘동쪽’ 경로를 취했고 벨디데나(현대의 빌텐)로 내려갔고, 그곳에서 인강을 지나 치를로 들어가고 퓌센을 경유하여 아우구스부르크에 도착했다. 알레만니족(게르만 부족)는 서기 268년에 남쪽으로 브레너 고개를 넘어 오늘날의 이탈리아로 향했지만, 그해 11월 베나쿠스 호수 전투에서 저지되었다. 로마인들은 5세기에 제국이 멸망할 때까지 고개를 통제했다 신성 로마 제국 중세 시대에 브레너 고개는 알프스 북쪽의 독일 왕국과 이탈리아 베로나의 행군을 연결하는 제국 도로인 임페리 가도의 일부였다. 카롤루스 왕조 디비시오 레그노룸 806에서 브레너 지역은 노릭 알프스를 통과하는 Per alpes Noricas라고 한다. 12세기부터 브레너 고개는 신성 로마 제국 내의 티롤 백작에 의해 통제되었다. 프레데릭 바르바로사 황제 이탈리아로의 제국 원정 중에 알프스를 건너기 위해 브레너 고개를 자주 사용했다. 12세기의 브레너 고개는 노새 기차와 수레를 위한 선로였다. 브레너 고개의 현대화는 1777년 마리아 테레지아 황후의 명령에 따라 마차 도로가 건설되면서 시작되었다. 오스트리아 제국 현대화는 오스트리아 제국과 1853년부터 1867년까지 단계적으로 완성된 브레너 철도 하에서 더 진행되었다. 이 철도는 주요 터널이 없고 고도가 높은(1,371m에서 브레너 고개를 건너는) 최초의 알프스 횡단 철도가 되었다. 철도의 완성으로 오스트리아군은 군대를 보다 효율적으로 이동할 수 있었다. 오스트리아인들은 베네치아와 롬바르디아 (알프스 남쪽)의 영토를 확보하기를 희망했지만, 1859년 제2차 이탈리아 독립 전쟁과 1866년 프로이센-오스트리아 전쟁으로 이탈리아에 빼앗겼다. 근현대 1918년 제1차 세계 대전이 끝날 무렵, 생제르맹 앙라예 조약(1919)에 따라 브레너 고개의 통제권은 이탈리아와 오스트리아가 공유하게 되었다. 런던 조약(1915)은 동맹국을 지원한 대가로 이탈리아에게 비밀리에 브레너 고개 남쪽의 영토를 부여했다. 웰슈티롤/트렌티노는 티롤 카운티 (현재의 사우스 티롤 ) 남부와 함께 이탈리아로 이전되었고, 이탈리아 군대는 티롤을 점령하고, 1919년에서 20년 사이에 브레너 고개에 도착했다. 제2차 세계 대전 중, 아돌프 히틀러와 베니토 무솔리니는 1940년 3월 18일 강철의 조약을 기념하기 위해 브레너 고개에서 만났다. 브레너 고개는 1945년 독일의 항복 이후 도주하는 일부 나치들이 사용했던 랫라인의 일부였다. 모터웨이 고속도로 E45 (유럽 지정, 이탈리아에서는 A22, 오스트리아에서는 A13 ), 브레너 아우토반/아우토슈트라다 델 브레너는 인스부르크에서 시작하여 브레너 고개, 보첸/볼차노, 베로나를 통과하여 모데나 외부에서 끝난다. 그것은 유럽에서 남북을 연결하는 가장 중요한 경로 중 하나이다. 1992년 솅겐 협정에 서명하고, 1995년 오스트리아의 유럽 연합 가입 이후, 브레너 고개의 세관과 출입국 관리소는 1997년에 철거되었다. 그러나 오스트리아는 유럽 이민자 위기에 대한 대응으로 2015년 국경 검사를 재개했다. 2016년 4월, 오스트리아는 고개에 370m 길이의 울타리를 건설할 것이라고 발표했지만 "이것은 사람들을 "채널"하는 데만 사용될 것이며, 장벽이 되지는 않을 것이라고 분명히 했다."" 인스브루크와 브레너 고개 사이의 대략 중간 지점에 위치한 유로파브뤼케 (유럽 다리)는 질강(비프탈) 계곡을 가로 지르는 6차선 브레너 아우토반을 나르는 대형 콘크리트 다리이다. 180m의 높이, 820m의 경간으로 1963년 완공 당시 공학의 걸작으로 찬사를 받은 다리이다. 다리에서 번지 점프가 인기를 얻은 관광 명소이다. 그러나 끊임없이 증가하는 화물 및 레저 교통은 국경 단속 없이 바쁜 시간에 긴 교통 체증을 유발하고 있다. 브레너 고개는 이 지역 내에서 유일한 주요 고개이다. 다른 인근 대안은 2,000m 이상의 고도에서 더 높은 산을 가로지르는 보도이다. 그 결과, 대기 및 소음 공해는 지역 및 유럽 정치에서 심각한 논쟁을 불러일으켰다. 2004년 기준으로 연간 약 180만 대의 트럭이 유로파 다리를 건넜다. 철도 도로 교통을 용이하게 하기 위해 브레너 아래에 있는 브레너 베이스 터널을 포함하여 일련의 터널로 브레너 철도를 베로나에서 인스부르크까지 업그레이드할 계획이 있다. 터널의 공식 기공식이 2006년에 이루어졌지만(같은 해에 측량 터널이 시추됨) 실질적인 작업은 2011년까지 시작되지 않았다. 자금 문제로 인해 터널의 예정된 완공 날짜가 2022년에서 2032년보다 빠르지 않게 지연되었다. 각주 외부 링크 알프스산맥의 고개 래티셰 알프스
amphora/parallel-wiki-koen
full
First, remember the full list of equations and variables in our prvious model. Then, print out a new list, with all the equations which need to be changed so we Investment in fossil energy: Capital accumulation: $$ K\_{t+1} = I\_{t} + (1-\delta)K\_t $$ Energy production: $$ E\_{f,t} = \eta\_{f} K\_{f,t}^{\alpha\_{f}} L\_{f,t}^{\beta\_{f}} $$ $$ E\_{g,t} = \eta\_{g} K\_{g,t}^{\alpha\_{g}} L\_{g,t}^{\beta\_{g}} $$ Green energy capital: $$ K\_{g,t+1} = I\_{g,t} + (1-\delta\_{g})K\_{g,t} $$ Returns on labor: $$ W\_{f,t} = (1-\alpha\_{f})\frac{\eta\_{f} K\_{f,t}^{\alpha\_{f}} L\_{f,t}^{\beta\_{f}}}{E\_{f,t}} $$ $$ W\_{g,t} = (1-\alpha\_{g})\frac{\eta\_{g} K\_{g,t}^{\alpha\_{g}} L\_{g,t}^{\beta\_{g}}}{E\_{g,t}} $$ $$ W\_{r,t} = (1-\alpha\_{r})\frac{Y\_{r,t}}{L\_{r,t}} $$ Energy prices: $$ P\_{f,t} = \frac{W\_{f,t}}{\eta\_{f}} $$ $$ P\_{g,t} = \frac{W\_{g,t}}{\eta\_{g}} $$ Energy consumption: $$ C\_{f,t} = \min(D\_{f,t}, E\_{f,t}) $$ $$ C\_{g,t} = \min(D\_{g,t}, E\_{g,t}) $$ Total output and consumption: $$ Y\_{r,t} = C\_{f,t} + C\_{g,t} + Y\_{r,t-1} $$ $$ C\_{r,t} = \frac{\gamma\_{t}}{\gamma\_{t}+1} Y\_{r,t} $$ $$ H\_{t} = \frac{1}{2}\left[\left(\frac{E\_{f,t}}{E\_{f,0}}\right)^{1-\theta}+\left(\frac{E\_{g,t}}{E\_{g,0}}\right)^{1-\theta}\right] $$ Demand for energy: $$ D\_{f,t} = \epsilon\_{f} \frac{P\_{f,t}}{P\_{r,t}} \frac{Y\_{r,t}}{P\_{f,t} + P\_{g,t}} $$ $$ D\_{g,t} = \epsilon\_{g} \frac{P\_{g,t}}{P\_{r,t}} \frac{Y\_{r,t}}{P\_{f,t} + P\_{g,t}} $$ Fossil fuel energy capital: $$ K\_{f,t+1} = I\_{f,t} + (1-\delta\_{f})K\_{f,t} $$ Energy investment: $$ I\_{t} = I\_{f,t} + I\_{g,t} $$ $I\_{F,t} = \alpha\_F (K\_{F,t} - \delta\_{F,t-1})$ $K\_{F,t} = K\_{F,t-1} + I\_{F,t}$ Investment in green energy: $I\_{G,t} = \alpha\_G (K\_{G,t} - \delta\_{G,t-1})$ $K\_{G,t} = K\_{G,t-1} + I\_{G,t}$ Depreciation for fossil energy: $\delta\_{F,t} = \delta\_{F,t-1} + \gamma\_F K\_{F,t-1}$ Depreciation for green energy: $\delta\_{G,t} = \delta\_{G,t-1} + \gamma\_G K\_{G,t-1}$ Hidden variables for production: $A\_{F,t} = e^{\eta\_{F,t}}$ $A\_{G,t} = e^{\eta\_{G,t}}$ Production of fossil energy: $Q\_{F,t} = A\_{F,t} K\_{F,t}^{\alpha\_{KF}} E\_{F,t}^{\alpha\_{EF}}$ Production of green energy: $Q\_{G,t} = A\_{G,t} K\_{G,t}^{\alpha\_{KG}} E\_{G,t}^{\alpha\_{EG}}$ Where: $I\_{F,t}$: Investment in fossil energy at time $t$ $\alpha\_F$: Share of output invested in fossil energy $K\_{F,t}$: Capital stock in fossil energy at time $t$ $\delta\_{F,t}$: Depreciation of capital stock in fossil energy at time $t$ $\gamma\_F$: Depreciation rate for fossil energy $I\_{G,t}$: Investment in green energy at time $t$ $\alpha\_G$: Share of output invested in green energy $K\_{G,t}$: Capital stock in green energy at time $t$ $\delta\_{G,t}$: Depreciation of capital stock in green energy at time $t$ $\gamma\_G$: Depreciation rate for green energy $A\_{F,t}$: Hidden variable for production function of fossil energy at time $t$ $\eta\_{F,t}$: Shock to hidden variable for production function of fossil energy at time $t$ $\alpha\_{KF}$: Share of capital in fossil energy production function $E\_{F,t}$: Energy consumption of fossil energy at time $t$ $A\_{G,t}$: Hidden variable for production function of green energy at time $t$ $\eta\_{G,t}$: Shock to hidden variable for production function of green energy at time $t$ $\alpha\_{KG}$: Share of capital in green energy production function $E\_{G,t}$: Energy consumption of green energy at time $t$ Otávio Oliveira Bopp Print the meaning of every symbol our equations used $C$: total consumption $C\_i$: consumption of good $i$ $E$: total energy production $E\_f$: fossil energy production $E\_g$: green energy production $H$: total healthcare cost $H\_f$: healthcare cost due to fossil energy production $H\_g$: healthcare cost due to green energy production $I$: total investment $I\_f$: investment in fossil energy production $I\_g$: investment in green energy production $K$: total capital $K\_f$: capital in fossil energy production $K\_g$: capital in green energy production $L$: total labor $L\_f$: labor in fossil energy production $L\_g$: labor in green energy production $P$: price level $P\_i$: price of good $i$ $r$: return on investment in the overall economy $r\_f$: return on investment in fossil energy production $r\_g$: return on investment in green energy production $S$: savings $T$: taxes $Y$: real GDP $Y\_i$: real output of good $i$ $\alpha$: elasticity of demand for energy $\beta\_f$: elasticity of demand for fossil energy $\beta\_g$: elasticity of demand for green energy $\delta$: rate of depreciation in the overall economy $\delta\_f$: rate of depreciation in fossil energy production $\delta\_g$: rate of depreciation in green energy production $\gamma$: fraction of energy cost going to healthcare cost due to fossil energy production $\theta\_f$: fraction of capital investment going to fossil energy production $\theta\_g$: fraction of capital investment going to green energy production $A$: total factor productivity $A\_f$: factor productivity in fossil energy production $A\_g$: factor productivity in green energy production $h$: healthcare cost per unit of fossil energy produced $h\_g$: healthcare cost per unit of green energy produced $i$: nominal interest rate $k$: capital-output ratio in the overall economy $k\_f$: capital-output ratio in fossil energy production $k\_g$: capital-output ratio in green energy production $n$: labor force growth rate $p\_f$: price level for fossil energy $p\_g$: price level for green energy
먼저 이전 모델의 전체 방정식 및 변수 목록을 기억합니다. 그런 다음 변경해야 하는 모든 방정식이 포함된 새 목록을 인쇄하여 다음과 같이 작성합니다.화석 에너지에 대한 투자:자본 축적:$$ K\_{t+1} = I\_{t} + (1-\delta)K\_t $$에너지 생산:$$ E\_{f,t} = \eta\_{f} K\_{f,t}^{\alpha\_{f}} L\_{f,t}^{\beta\_{f}} $$$$ E\_{g,t} = \eta\_{g} K\_{g,t}^{\alpha\_{g}} L\_{g,t}^{\beta\_{g}} $$친환경 에너지 자본:$$ K\_{g,t+1} = I\_{g,t} + (1-\delta\_{g})K\_{g,t} $$노동에 대한 수익률:$$ W\_{f,t} = (1-\alpha\_{f})\frac{\eta\_{f} K\_{f,t}^{\alpha\_{f}} L\_{f,t}^{\beta\_{f}}}{E\_{f,t}} $$$$ W\_{g,t} = (1-\알파\_{g})\frac{\eta\_{g} K\_{g,t}^{\alpha\_{g}} L\_{g,t}^{\beta\_{g}}}{E\_{g,t}} $$$$ W\_{r,t} = (1-\alpha\_{r})\frac{Y\_{r,t}}{L\_{r,t}} $$에너지 가격:$$ P\_{f,t} = \frac{W\_{f,t}}{\eta\_{f}} $$$$ P\_{g,t} = \frac{W\_{g,t}}{\eta\_{g}} $$ $$에너지 소비량:$$ C\_{f,t} = \min(D\_{f,t}, E\_{f,t}) $$$$ C\_{g,t} = \min(D\_{g,t}, E\_{g,t}) $$총 출력 및 소비량:$$ Y\_{r,t} = C\_{f,t} + C\_{g,t} + Y\_{r,t-1} $$$$ C\_{r,t} = \frac{\감마\_{t}}{\감마\_{t}+1} Y\_{r,t} $$$$ H\_{t} = \frac{1}{2}\left[\left(\frac{E\_{f,t}}{E\_{f,0}}\right)^{1-\theta}+\left(\frac{E\_{g,t}}{E\_{g,0}}\right)^{1-\theta}\right] $$에너지 수요:$$ D\_{f,t} = \epsilon\_{f} \frac{P\_{f,t}}{P\_{r,t}} \frac{Y\_{r,t}}{P\_{f,t} + P\_{g,t}} $$$$ D\_{g,t} = \epsilon\_{g} \frac{P\_{g,t}}{P\_{r,t}} \frac{Y\_{r,t}}{P\_{f,t} + P\_{g,t}} $$화석 연료 에너지 자본:$$ K\_{f,t+1} = I\_{f,t} + (1-\delta\_{f})K\_{f,t} $$에너지 투자:$$ I\_{t} = I\_{f,t} + I\_{g,t} $$I\_{F,t} = \alpha\_F (K\_{F,t} - \delta\_{F,t-1})$.$K\_{F,t} = K\_{F,t-1} + I\_{F,t}$$친환경 에너지에 대한 투자:I\_{G,t} = \alpha\_G (K\_{G,t} - \delta\_{G,t-1})$.$K\_{G,t} = K\_{G,t-1} + I\_{G,t}$.화석 에너지에 대한 감가상각:$\delta\_{F,t} = \delta\_{F,t-1} + \gamma\_F K\_{F,t-1}$.친환경 에너지에 대한 감가상각:$\delta\_{G,t} = \delta\_{G,t-1} + \gamma\_G K\_{G,t-1}$프로덕션용 숨겨진 변수:$A\_{F,t} = e^{\eta\_{F,t}}$A\_{G,t} = e^{\eta\_{G,t}}$화석 에너지의 생산:Q\_{F,t} = A\_{F,t} K\_{F,t}^{\alpha\_{KF}} E\_{F,t}^{\alpha\_{EF}}$친환경 에너지 생산:Q\_{G,t} = A\_{G,t} K\_{G,t}^{\alpha\_{KG}} E\_{G,t}^{\alpha\_{EG}}$여기서:I\_{F,t}$: 시간 $t$에서 화석 에너지에 투자한 금액알파\_F$: 화석 에너지에 투자된 생산량 비중K\_{F,t}$: 시점 $t$에서 화석 에너지에 대한 자본 스톡델타\_{F,t}$: 시간 $t$에서 화석 에너지의 자본스톡 감가상각액감마\_F$: 화석 에너지의 감가상각률I\_{G,t}$: 시점 $t$에서 친환경 에너지에 대한 투자액알파\_G$: 친환경 에너지에 투자된 생산량 비중K\_{G,t}$: 시점 $t$에서 친환경 에너지에 대한 자본 스톡델타\_{G,t}$: 시점 $t$에서 녹색 에너지에 대한 자본스톡의 감가상각액감마\_G$: 친환경 에너지의 감가상각률A\_{F,t}$: 시간 $t$에서 화석 에너지의 생산 함수에 대한 숨겨진 변수에타\_{F,t}$: 시간 $t$에서 화석 에너지의 생산 함수에 대한 숨겨진 변수에 대한 충격알파\_{KF}$: 화석 에너지 생산함수에서 자본이 차지하는 비중E\_{F,t}$: 시간 $t$에서 화석 에너지의 에너지 소비량A\_{G,t}$: 시간 $t$에서 친환경 에너지의 생산 함수에 대한 숨겨진 변수$\eta\_{G,t}$: 시간 $t$에서 녹색 에너지의 생산 함수에 대한 숨겨진 변수에 대한 충격알파\_{KG}$: 녹색 에너지 생산함수에서 자본이 차지하는 비중E\_{G,t}$: 시간 $t$에서 친환경 에너지의 에너지 소비량오타비오 올리베이라 보프방정식에 사용된 모든 기호의 의미를 인쇄합니다.C$: 총 소비량C\_i$: 재화 $i$의 소비량E$: 총 에너지 생산량E\_f$: 화석 에너지 생산량E\_g$: 친환경 에너지 생산량H$: 총 의료 비용$H\_f$: 화석 에너지 생산으로 인한 의료 비용H\_g$: 친환경 에너지 생산으로 인한 의료 비용I$: 총 투자I\_f$: 화석 에너지 생산에 투자한 비용I\_g$: 친환경 에너지 생산에 대한 투자K$: 총 자본K\_f$: 화석 에너지 생산에 투입된 자본K\_g$: 친환경 에너지 생산에 투입된 자본$L$: 총 노동$L\_f$: 화석 에너지 생산에 투입된 노동력L\_g$: 친환경 에너지 생산에 투입된 노동력$P$: 가격 수준$P\_i$: 재화 $i$의 가격r$: 전체 경제에 대한 투자 수익률r\_f$: 화석 에너지 생산에 대한 투자 수익률r\_g$: 친환경 에너지 생산에 대한 투자 수익률$S$: 절감액T$: 세금Y$: 실질 GDPY\_i$: 재화 $i$의 실질 산출량알파$: 에너지 수요의 탄력성베타\_f$: 화석 에너지 수요의 탄력성베타\_g$: 친환경 에너지에 대한 수요 탄력성델타$: 전체 경제의 감가상각률델타\_f$: 화석 에너지 생산의 감가상각률델타\_g$: 친환경 에너지 생산의 감가상각률감마$: 화석 에너지 생산으로 인해 의료 비용으로 사용되는 에너지 비용의 비율theta\_f$: 화석 에너지 생산에 사용되는 자본 투자 비율theta\_g$: 자본 투자 중 녹색 에너지 생산에 사용되는 비율
squarelike/sharegpt_deepl_ko_translation
full
Ufenau is an island located, with the neighbouring island of Lützelau, in Lake Zürich in Switzerland between Freienbach ( away) and Rapperswil ( away). Highlights on Ufenau include St. Peter & Paul church, St. Martin's chapel, and Ufenau's idyllic landscape in the Frauenwinkel protected area. Geography Ufenau lies in Höfe district in the Canton of Schwyz. The island measures in all, from east to west and from north to south. The highest point of the island is above sea level or above lake level on . Swimming, camping and other leisure activities are forbidden, as it is a protected area. On occasion of the formation of the Alps, the fossilized sediments material of the body of water between the Ricken and Etzel chains unfolded. There arose the typical rock bands that form the Lindenhof hill in Rapperswil, or the islands of Ufnau, Lützelau and Heilighüsli. During the last Ice Age the island was under a thick layer of ice. Ufnau consists of two parallel rock ridges: the hard layers of conglomerate rock in the south and the northern sandstone ridge survived the sanding by the glacier. Transport The first steamship stopped at the northern shore in 1857. 15 years later a landing gate was built in the south, and in 1881 the present ship gate for touristic use was established in the north; the southern ship gate gave location to a small harbour that is used for private-owned motorboats and sailing yachts. Tourist boat trips, run by the Zürichsee-Schifffahrtsgesellschaft (ZSG), sail between Zürich-Bürkliplatz and Rapperswil. History In 1st and 2nd century, the remains of a Roman temple are dated, broken during Alamannic occupation of the Swiss plateau. In 5th or 6th century, a first Christian church was built on this probably pre-Roman sacred area. Ufenau is first mentioned in 741 as «Hupinauia», and in 744 as «Ubinauvia» – island of Huppan or Huphan. Probably between 900 and 920, the early Christian church was destroyed by the Huns. On 23 January 965, the island was given by Emperor Otto I to Einsiedeln Abbey, that still is its owner. In 926 or some years later, St. Peter & Paul church' preceding building was given by the Hunfridings noblewoman Reginlinda and Burchard II, Duke of Swabia, in addition with a house for herself and her son Adalrich. Reginlinda died in 958 and is buried in Einsiedeln. In 973 later Saint Adalrich (Canonization in 1659) died on Ufenau. Historians mention a 10th-century ferry station assumably at the so-called Einsiedlerhaus in Rapperswil – in 981 AD as well as the vineyard on the Lindenhof hill – between Kempraten on lake shore, Lützelau and Ufenau island and assumably present Hurden, which allowed the pilgrims towards Einsiedeln to cross the lake before the prehistoric bridge at the Seedamm isthmus was re-built in 1358. In 1798 the Helvetic Republic secularized the Einsiedeln Abbey's property, and Ufenau was given to the non-durable Canton of Linth. In 1805 Ufenau was given by the merchant Family Curti from Rapperswil to the Einsiedeln Abbey. 5800 Vitis vinifera Blauburgunder (Pinot noir) were planted in 1986. The Einsiedeln Abbey owns of the Ufenau vineyards which are cultivated by its winery. On 7 December 2003 the Ufenau association was founded, one year later «Freunde der Insel Ufnau». Friends of Ufenau island is a booster club to finance some projects for maintenance of the buildings located on the island, including both churches, and for the restaurant's renewal. It supports a long-time idea called «Insel der Stille» (island of silence), including a path way for disabled people around the island (completed in 2007), and regeneration of the island's shore areas to prevent increased erosion. St. Peter & Paul church and St. Martin's chapel The present St. Peter & Paul church was built in 1141/42 (first mentioned in 970) and renewed in 1958/59. For hundred of years, it was the parish church for the people living in the surrounding villages of Lake Zürich's upper shores. In 1522 Hans Klarer «Schnegg», a close friend of Ulrich Zwingli, served as pastor on Ufenau. One year later, Klarer convinced Zwingli, to refuge Ulrich von Hutten on Ufenau, where he died in seclusion. In 1968, his remains were identified, and buried in 1970 under a tombstone besides St. Peter & Paul church. Hutten's two years in exile on the island are immortalized by Conrad Ferdinand Meyer in Huttens letzte Tage (Hutten's last days). St. Martin's chapel, few meters away, is dated in the 7th century. It was renewed in 1933/34 and in 1964/65. St. Martin's was built on the remains of a former Gallo-Roman temple dating back to the 2nd century. Until the early 14th century, both churches were also important cultural and intellectual centres for the communities dotted around Lake Zurich. A small wooden bridge to Hurden is mentioned until 1430, so-called «Kilchweg in die Uffnow» meaning pathway to the Ufenau church. Saint Adalric's Relic, sealed in a shrine, were lost during 2nd Villmergen war in 1712: Zurich soldiers destroyed the altars and parts of both churches and have stolen St. Peter & Paul's two church bells. In 1736 St. Peter & Paul was rebuilt and the bells were replaced; St. Martin's chapel was renewed in 1790. 2016–2018 renovation On 21 March 2015, the monks of Einsiedeln Abbey decided to make renovations to the buildings on Ufenau. The most prominent of these is Haus zu den zwei Raben (lit. House of the Two Ravens), built in 1681, which has housed a restaurant since 2007. The Abbey submitted a planning application on 14 August 2015 and estimated a total cost of 6.5 million Swiss francs, then hired architects Pius Bieri and Frank Roskothen to lead the work. The application was approved on 8 October 2015 and began shortly thereafter. The work cost 7 million Swiss Francs (CHF), of which four million francs were collected by the Friends of Ufenau Island, the municipality of Freienbach, and Canton Schwyz. For the missing funds, the Einsiedeln Abbey agreed the acquisition of a substantial share of the construction costs. The island was closed to the public until the completion of renovations in early 2018, officially reopening on the 23rd. Cultural heritage Ufnau – correctly spelled «Ufnau», but «Ufenau» is commonly used – and the Frauenwinkel area were placed under conservation in 1927. Since 1993 Ufenau is a «Moorlandschaft von besonderer Schönheit und nationaler Bedeutung», i.e. a bog environment of extraordinary beauty and national importance. Ufenau and its two churches are listed in the Swiss inventory of cultural property of national and regional significance a Class A objects of national importance. Literature Gerold Späth: Poem Hebed Sorg. In: Ufnau – Insel der Stille, Rapperswil 2005. References External links Freunde der Insel Ufnau Landforms of the canton of Schwyz Tourist attractions in the canton of Schwyz Cultural property of national significance in the canton of Schwyz Islands of Lake Zurich Freienbach
우페나우(Ufenau)는 프라이엔바흐(0.9km 거리)와 라퍼스빌(2.5km 거리) 사이에 있는 스위스 취리히 호수의 뤼첼라우(Lützelau) 섬과 함께 위치한 섬이다. 우페나우의 하이라이트는 성 베드로와 바울 교회, 성 마르틴의 예배당, 프라우엔빈켈 보호 지역에 있는 우페나우의 목가적인 풍경을 포함한다. 지리 우페나우는 슈비츠주의 회페 지구에 있다. 섬의 크기는 모두 112,645㎡, 동쪽에서 서쪽으로 470m, 북쪽에서 남쪽으로 220m이다. 섬의 가장 높은 지점은 해발 423m 또는 406m의 호수 높이 17m이다. 보호구역이므로 수영, 캠핑 및 기타 여가활동을 금지한다. 알프스가 형성되면서 리켄 산맥과 엣첼 산맥 사이의 유역의 화석화된 퇴적물 물질이 펼쳐졌다. 라퍼스빌의 린덴호프 언덕이나 우프나우, 뤼첼라우 및 하일리크휘슬리섬을 형성하는 전형적인 암석 띠가 생겨났다. 마지막 빙하기 동안 이 섬은 두꺼운 얼음층 아래에 있었다. 우프나우는 두 개의 평행한 암석 능선으로 구성되어 있다. 남쪽에 있는 단단한 역암층과 빙하에 의해 퇴적된 상태에서 살아남은 북부 사암 능선이다. 교통 첫 번째 증기선은 1857년에 북쪽 해안에 정박했다. 15년 후 남쪽에 상륙 게이트가 건설되었으며, 1881년에 현재의 관광용 선박 게이트가 북쪽에 설치되었다. 남쪽 선박 게이트는 개인 소유의 모터보트와 범선 요트에 사용되는 작은 항구의 위치를 제공했다. 취리히제-해운회사(ZSG)에서 운영하는 관광 보트 여행은 취리히-뷔르클리플라츠와 라퍼스빌 사이를 항해한다. 역사 1세기와 2세기에 로마 사원의 유적은 연대가 지정되어 스위스 고원을 알라만 제국이 점령하는 동안 파손되었다. 5~6세기에 로마 시대 이전의 이 신성한 지역에 최초의 기독교 교회가 세워졌다. 우페나우는 741년에 «Hupinauia»로 처음 언급되었으며, 744년에는 후판 Huppan 또는 Huphan의 섬인 «Ubinauvia»로 언급되었다. 아마도 900년에서 920년 사이에 초기 기독교 교회는 훈족에 의해 파괴되었다. 965년 1월 23일, 오토 1세는 이 섬을 여전히 소유주인 아인지델른 수도원에 양도했다. 926년 또는 몇 년 후, 성 베드로 & 바울 교회의 선행 건물은 훈족 귀족 여성 레긴린다와 슈바벤의 공작 부르크하르트 2세가 준 것이며, 그녀와 아들 아달리히를 위한 집도 있었다. 레긴린다는 958년에 사망하여 아인지델른에 묻혔다. 973년 후에 성 아달리히(1659년 시성)가 우페나우에서 사망했다. 서기 981년, 린덴호프 언덕의 포도밭과 라퍼스빌에 소위 아인지들러하우스(Einsiedlerhouse)에 있었던 것으로 추정되는 10세기 선착장은 호숫가의 켐프라텐과 뤼첼라우, 우페나우 섬 사이에 있었고, 아인지델른으로 향하는 순례자들이 선사 시대 다리 이전에 호수를 건널 수 있게 해주었던 것으로 추정된다. 제담 지협의 선사 시대 다리가 1358년에 재건되기 전에는 호수를 건너기 위해 아인지델른 방향으로 갔다. 1798년 헬베티아 공화국은 아인지델른 수도원의 재산을 세속화했고, 우페나우는 얼마 가지 못하고 폐지된 린트주에 양도되었다. 1805년에 우페나우는 상인 가문 쿠어티(Curti)에 의해 라퍼스빌에서 매입하여 아인지델른 수도원으로 기부되었다. 포도종인 5800 Vitis vinifera Blauburgunder (Pinot noir)가 1986년에 식재되었다. 아인지델른 수도원는 와이너리에서 재배되는 1ha의 우페나우 포도밭을 소유하고 있다. 2003년 12월 7일 우페나우 협회가 설립되었으며, 1년 후 우페나우 섬의 친구들(Freunde der Insel Ufnau)은 두 교회를 포함하여 섬에 위치한 건물의 유지 보수와 레스토랑의 리뉴얼을 위한 일부 프로젝트에 자금을 지원하는 지원 클럽이다. 섬 주변의 장애인을 위한 길(2007년 완공)과 침식 방지를 위한 섬 해안 지역의 재생을 포함하여, ‘침묵의 섬’(Insel der Stille)이라는 오랜 아이디어를 지원한다. 성 베드로와 바울 교회와 성 마틴 예배당 현재의 성 베드로 & 바울 교회는 1141/42(970년에 처음 언급됨)에 지어졌으며, 1958/59년에 재건되었다. 수백 년 동안 취리히 호수 상류의 주변 마을에 사는 사람들을 위한 교구 교회였다. 1522년 울리히 츠빙글리의 절친한 친구인 한스 클라러 «쉬네크»는 우페나우에서 목사로 봉사했다. 1년 후, 클라러는 츠빙글리를 설득하여 울리히 폰 후텐을 우페나우로 피신시켰다. 1968년 그의 유해가 확인되자, 1970년 성 베드로 바울 교회 옆 묘비 밑에 묻혔다. 섬에서 망명한 후텐의 2년은 콘라드 페르디낭 마이어(Conrad Ferdinand Meyer)에 의해 후텐의 마지막 날(Huttens letzte Tage)에서 불후의 명성을 얻다. 몇 미터 떨어진 성 마틴 예배당은 7세기에 지어진 것이다. 1933/34년과 1964/65년에 갱신되었다. 성 마틴 예배당은 2세기로 거슬러 올라가는 이전 갈로-로마인 사원의 유적 위에 세워졌다. 14세기 초까지 두 교회는 취리히 호수 주변에 흩어져 있는 지역 사회의 중요한 문화 및 지적 중심지이기도 했다. 후르덴으로 가는 작은 목조 다리는 1430년까지 언급되었으며, 우페나우 교회로 가는 길(Kilchweg in die Uffnow)을 의미한다. 2016–2018 재건 2015년 3월 21일, 아인지델른 수도원의 수도사들은 우페나우의 건물을 개조하기로 결정했다. 그중 가장 눈에 띄는 것은 1681년에 지어진 ‘두 까마귀의 집’(Haus zu den zwei Raben)으로 2007년부터 레스토랑을 운영하고 있다. 수도원은 2015년 8월 14일 계획 신청서를 제출했으며 총비용은 650만 스위스 프랑으로 추정되며, 건축가 피우스 비에리(Pius Bieri)와 프랑크 로스코텐(Frank Roskothen)을 고용하여 작업을 이끌었다. 신청서는 2015년 10월 8일에 승인되었으며, 그 직후에 시작되었다. 작업 비용은 700만 스위스 프랑(CHF)이며, 이 중 400만 프랑은 우페나우 섬의 친구들, 프라이엔바흐 시정촌, 슈비츠주에서 징수했다. 누락된 자금에 대해 아인지델른 수도원는 건설 비용의 상당 부분을 인수하는 데 동의했다. 이 섬은 2018년 초에 보수 공사가 완료될 때까지 대중에게 공개되지 않았으며 23일 공식적으로 재개장했다. 문화유산 Ufnau – 철자가 정확히 ‘Ufnau’지만, ‘Ufenau’가 일반적으로 사용된다. 그리고 프라우엔빈켈 지역은 1927년에 보존되었다. 1993년 이후 우페나우는 ‘비범한 아름다움과 늪지 환경’으로 국가중요문화재가 되었다. 우페나우와 그 두 교회는 스위스 국가 및 지역 중요 문화재 목록에 등재되어 있으며 국가적으로 중요한 A 등급 대상이다. 각주 외부 링크 우페나우 (공식) 슈비츠주의 지형 스위스의 호중도 프라이엔바흐
amphora/parallel-wiki-koen
full
Write python code for histogram for this data Weight percent Group : 2020\_12\_18\_noc Sample : 2020\_12\_18\_noc\_0004\_QNT Page 1 No. Na2O MgO Al2O3 SiO2 CaO TiO2 MnO FeO K2O Total Comment 1 4.755 9.608 0.323 53.645 15.962 0.115 0.220 14.218 0.018 98.864 SP1\_4\_m3\_p7 2 4.728 9.835 0.308 53.759 15.794 0.125 0.173 14.148 0.000 98.870 SP1\_4\_m4\_p5 3 5.271 9.062 0.183 53.556 14.914 0.140 0.161 15.265 0.000 98.552 SP1\_4\_m4\_p6 4 6.703 7.392 0.357 53.430 12.310 0.153 0.182 17.751 0.000 98.278 SP1\_4\_m5\_p1 5 4.758 9.749 0.321 53.880 15.904 0.140 0.183 14.285 0.004 99.224 SP1\_4\_m5\_p2 6 4.557 9.884 0.308 53.566 16.096 0.116 0.199 13.287 0.000 98.013 SP1\_4\_m5A\_p5 7 5.078 9.425 0.313 53.680 15.376 0.136 0.242 14.429 0.000 98.679 SP1\_4\_m5A\_p6 8 4.701 9.790 0.310 53.642 16.063 0.133 0.256 13.687 0.004 98.586 SP1\_4\_m6\_p2 9 5.390 8.886 0.324 53.615 14.488 0.151 0.196 15.553 0.008 98.611 SP1\_4\_m6\_p3 10 5.227 9.076 0.306 53.295 14.998 0.104 0.162 15.177 0.000 98.345 SP1\_4\_m7\_p9 11 5.147 9.146 0.292 54.142 14.868 0.128 0.192 15.143 0.002 99.060 SP2\_20\_m1\_p1 12 4.716 9.656 0.312 53.978 15.855 0.107 0.230 13.842 0.000 98.696 SP2\_20\_m2\_p3 13 4.828 9.566 0.277 53.967 15.839 0.126 0.188 13.617 0.004 98.412 SP2\_20\_m2A\_p7 14 4.661 9.756 0.363 53.613 15.783 0.137 0.255 13.796 0.000 98.364 SP2\_20\_m3\_p4 15 5.197 9.151 0.346 53.747 15.118 0.128 0.216 14.942 0.016 98.861 SP2\_20\_m4\_p4 16 4.747 9.693 0.253 53.534 16.001 0.071 0.189 13.456 0.010 97.954 SP2\_20\_m5\_p4 17 4.691 9.772 0.266 53.774 15.940 0.112 0.203 14.082 0.000 98.840 SP2\_20\_m6\_p2 18 5.143 9.055 0.308 53.663 14.864 0.130 0.180 15.447 0.000 98.790 SP2\_20\_m7\_p6 19 5.502 8.821 0.321 53.579 14.098 0.118 0.163 15.651 0.005 98.258 SP2\_20\_m7\_p7 20 5.105 9.552 0.347 53.894 15.250 0.076 0.143 14.552 0.005 98.924 SP2\_20\_m9A\_p4 21 5.591 8.562 0.292 53.042 13.818 0.121 0.158 15.547 0.000 97.131 SP2\_20\_m9A\_p5 22 4.919 9.485 0.332 53.710 15.830 0.136 0.240 14.490 0.007 99.149 SP2\_20\_m10\_p6 23 4.762 9.572 0.311 54.081 15.562 0.096 0.223 14.139 0.000 98.746 SP2\_20\_m11\_p4 24 4.602 9.702 0.251 53.897 15.732 0.127 0.244 14.131 0.005 98.691 SP2\_20\_m11\_p5 25 5.443 8.919 0.337 53.876 14.800 0.141 0.216 14.926 0.000 98.658 SP2\_20\_m12\_p3 Minimum 4.557 7.392 0.183 53.042 12.310 0.071 0.143 13.287 0.000 97.131 Maximum 6.703 9.884 0.363 54.142 16.096 0.153 0.256 17.751 0.018 99.224 Average 5.049 9.325 0.306 53.703 15.251 0.123 0.201 14.622 0.004 98.582 Sigma 0.461 0.549 0.039 0.243 0.881 0.020 0.032 0.959 0.005 0.440
이 데이터의 히스토그램에 대한 Python 코드 작성 중량 퍼센트 그룹 : 2020\_12\_18\_noc 샘플 : 2020\_12\_18\_noc\_0004\_QNT 페이지 1 No. Na2O MgO Al2O3 SiO2 CaO TiO2 MnO FeO K2O 합계 설명 1 4.755 9.608 0.323 53.645 15.962 0.115 0.220 14.218 0.018 98.864 SP1_4_m3_p7 2 4,728 9,835 0.308 53,759 15,794 0.125 0.173 14,148 0.000 98,870 SP1_4_m4_p5 3 5,271 9,062 0,183 53,556 14,914 0,140 0,161 15,265 0.000 98,552 SP1_4_m4_p6 4 6,703 7,392 0,357 53,430 12,310 0,153 0,182 17,751 0,000 98,278 SP1_4_m5_p1 5 4,758 9,749 0.321 53,880 15,904 0.140 0.183 14,285 0.004 99,224 SP1_4_m5_p2 6 4,557 9,884 0.308 53,566 16,096 0.116 0.199 13,287 0.000 98,013 SP1_4_m5A_p5 7 5,078 9,425 0.313 53,680 15,376 0.136 0.242 14,429 0.000 98,679 SP1_4_m5A_p6 8 4,701 9,790 0.310 53,642 16,063 0.133 0.256 13,687 0.004 98,586 SP1_4_m6_p2 9 5,390 8,886 0.324 53,615 14,488 0.151 0.196 15,553 0.008 98,611 SP1_4_m6_p3 10 5,227 9,076 0,306 53,295 14,998 0,104 0,162 15,177 0.000 98,345 SP1_4_m7_p9 11 5,147 9,146 0,292 54,142 14,868 0,128 0,192 15,143 0,002 99,060 SP220m1p1 12 4,716 9,656 0.312 53,978 15,855 0.107 0.230 13,842 0.000 98,696 SP2_20_m2_p3 13 4,828 9,566 0.277 53,967 15,839 0.126 0.188 13,617 0.004 98,412 SP220m2A_p7 14 4,661 9,756 0,363 53,613 15,783 0,137 0,255 13,796 0.000 98,364 SP2_20_m3_p4 15 5,197 9,151 0.346 53,747 15,118 0.128 0.216 14,942 0.016 98,861 SP2_20_m4_p4 16 4,747 9,693 0.253 53,534 16,001 0.071 0.189 13,456 0.010 97,954 SP2_20_m5_p4 17 4,691 9,772 0.266 53,774 15,940 0.112 0.203 14,082 0.000 98,840 SP2_20_m6_p2 18 5,143 9,055 0,308 53,663 14,864 0,130 0,180 15,447 0.000 98,790 SP2_20_m7_p6 19 5,502 8,821 0.321 53,579 14,098 0.118 0.163 15,651 0.005 98,258 SP2_20_m7_p7 20 5.105 9.552 0.347 53.894 15.250 0.076 0.143 14.552 0.005 98.924 SP2_20_m9A_p4 21 5,591 8,562 0,292 53,042 13,818 0,121 0,158 15,547 0,000 97,131 SP2_20_m9A_p5 22 4,919 9,485 0,332 53,710 15,830 0,136 0,240 14,490 0,007 99,149 PS22010p6 23 4,762 9,572 0.311 54,081 15,562 0.096 0.223 14,139 0.000 98,746 SP2_20_m11_p4 24 4,602 9,702 0,251 53,897 15,732 0,127 0,244 14,131 0,005 98,691 SP2_20_m11_p5 25 5,443 8,919 0.337 53,876 14,800 0.141 0.216 14,926 0.000 98,658 SP2_20_m12_p3 최소 4.557 7.392 0.183 53.042 12.310 0.071 0.143 13.287 0.000 97.131 최대 6.703 9.884 0.363 54.142 16.096 0.153 0.256 17.751 0.018 99.224 평균 5.049 9.325 0.306 53.703 15.251 0.123 0.201 14.622 0.004 98.582 시그마 0.461 0.549 0.039 0.243 0.881 0.020 0.032 0.959 0.005 0.440
squarelike/sharegpt_deepl_ko_translation
full
Yannick Agnel (born 9 June 1992) is a French former competitive swimmer who specialized in freestyle events, and is a three-time Olympic medalist. In his Olympic debut at the 2012 Summer Olympics in London, he won gold in the 200-meter freestyle, gold in the 4×100-meter freestyle relay, and silver in the 4×200-meter freestyle relay. He is the current world record holder in the 400-meter freestyle (short course), the European record holder in the 800-meter freestyle (short course), and the national record holder in the 200- and 400-meter freestyle (long course). Agnel's success earned him Swimming World European Swimmer of the Year award in 2012. Early life Agnel was born in Nîmes in 1992, the son of a nurse and a director of human resources. He was named after French tennis player Yannick Noah. Agnel began swimming at the age of eight after a neighbor spotted his talent and urged his parents to enroll him in a swimming club. He later integrated Skema Business School to study business. He is now in the prestigious French Grande École Paris-Dauphine IX. Swimming career Early career At the 2009 European Junior Swimming Championships, Agnel won the 200- and 400-meter freestyle in European junior record times. He was also a member of the 4×200-meter freestyle relay that won gold ahead of Russia and Italy. In April 2010, Agnel set the French record in the 200-meter freestyle with a time of 1:46.35 to beat Amaury Leveaux's record of 1:46.54. In June 2010, he improved his record in the 200-meter freestyle with a time of 1:46.30. At the 2010 European Junior Swimming Championships, Agnel set the French record in the 400-meter freestyle with a time of 3:46.26 to beat Nicolas Rostoucher's record of 3:46.28 en route to winning gold. 2010 European Championships At the 2010 European Aquatics Championships, Agnel won gold in the 400-meter freestyle setting a new French and championships record. Agnel then combined with Fabien Gilot, William Meynard, and Alain Bernard in the 4×100-meter freestyle relay to finish second behind Russia. As the second leg, Agnel had a 48.23 split. As the leadoff leg in the 4×200 m freestyle relay, Agnel broke his own French record in the 200-meter freestyle with a time of 1:45.83. Agnel, with Clement Lefert, Antton Haramboure, and Jérémy Stravius finished in third place in the 4×200-meter freestyle relay behind Russia and Germany. 2011 World Championships At the 2011 World Aquatics Championships in Shanghai, Agnel competed in three events. In his first event, the 400-meter freestyle, Agnel finished in 6th place with a time of 3:45.24. In his second event, the 200-meter freestyle, Agnel finished in fifth place with a time of 1:44.99, a new French record. Agnel won his only medal of the competition, a silver, in the 4×200-meter freestyle relay. Teaming with Grégory Mallet, Jérémy Stravius, and Fabien Gilot, their team had a final time of 7:04.81, a new French record. The United States finished 1st with a time of 7:02.67. 2012 2012 Summer Olympics (NR) At the 2012 Summer Olympics in London, Agnel won a total of three medals: two golds and one silver. In his first event, Agnel anchored a come-from-behind effort in the 4×100-meter freestyle relay to win gold with Amaury Leveaux, Fabien Gilot, and Clément Lefert. Diving in with a 0.55 s deficit, Agnel was able to cut that down to a 0.30 s deficit at the 350-meter mark. In the last 50-meters, Agnel pulled ahead of American Ryan Lochte and France won with a time of 3:09:93 to the United States' time of 3:10:38. Agnel swam the fastest split time of the entire field with a time of 46.74, the only individual to break 47 seconds. The next day, Agnel won his second gold medal in the 200-meter freestyle with a time of 1:43.14, the fastest in French swimming history and 1.79 seconds ahead of silver medal winners Sun Yang and Park Tae-hwan. In the final, Agnel led from start-to-finish, recording a time of 50.64 in the first 100-meters and 52.50 in the last 100-meters. His time of 25.98 for the last 50-meters was by far the fastest in the field. Agnel won his final medal, a silver, in the 4×200-meter freestyle relay behind the United States with Amaury Leveaux, Grégory Mallet, and Clément Lefert. He had the fastest split time of the field in the final with a time of 1:43.24 as the anchor leg. In his final event, the 100-meter freestyle, Agnel finished fourth in a personal best time of 47.84, 0.04 s of a second outside the medals. The European Swimming Federation named Agnel male European swimmer of the year 2012. Post-Olympics On 15 November 2012, Agnel broke his first world record in the 400-meter freestyle with a time of 3:32.25 during the first day of the French short course nationals in Angers. In doing so, he bettered the previous record held by German swimmer Paul Biedermann (3.32.77) established in 2009 with a full bodysuit. A day later, he set the European record in the 800-meter freestyle and on 18 November, Agnel just missed Biedermann's world record in the 200-meter freestyle (short course). At the 2012 European Short Course Swimming Championships in Chartres held a week after the French nationals, Agnel won a total of three medals: two gold and one bronze. At year's end, Agnel was named the European Swimmer of the Year by Swimming World Magazine. In 2013, Agnel was made a Knight (Chevalier) of the Légion d'honneur. 2013 World Championships At the 2013 FINA World Championships in Barcelona, Agnel competed only in three events. On the first day of the tournament, Agnel helped his French team capture the nation's first ever world title over the Americans and the Russians in the 4 × 100 m freestyle relay. Teaming with Florent Manaudou, Fabien Gilot, and Jérémy Stravius in the final, Agnel recorded a lead-off split of 48.76 to deliver the French foursome a sterling time in 3:11.18. Two days later, Agnel added his second gold medal in the 200 m freestyle with a time of 1:44.20, finishing ahead of silver medalist and his training partner Conor Dwyer by 1.07 seconds. In his final event, 4 × 200 m freestyle relay, Agnel, along with Stravius, Grégory Mallet, and Lorys Bourelly, missed the podium by 17-hundredths of a second behind the Chinese team with a fourth-place effort in 7:04.91. 2014 After swimming in Nice, Agnel moved to the US to swim for the North Baltimore Aquatic Club, under coach Bob Bowman. The move proved to be un-successful as at the 2014 European Championship, Agnel was out of form and could only secure a bronze medal in the 200m freestyle. After the event, he decided to come back to France and now trains in Mulhouse. 2015 After securing a spot in the French national team, Agnel decided not to compete at the world championship in Kazan due to illness. 2016 Agnel finished in third position in the 200m freestyle event at the French national championships held on 30 March in Montpellier. Jérémy Stravius won the race while Jordan Pothain was second. In a controversial finish, it appeared that Agnel had finished second but failed to make clean contact with the timing pad at the end of the race. Only the top two finishers would qualify for the 2016 Summer Olympics. However, Agnel's path to defending his Olympic 200m freestyle title has been cleared by Pothain's decision to swim the 400m freestyle and not the 200m freestyle. At the Rio Olympics, Agnel failed to go past the heats of the 200m freestyle. He announced his retirement from competitive swimming soon after. Personal bests See also World record progression 400 metres freestyle References 1992 births Knights of the Legion of Honour Living people French male freestyle swimmers Medalists at the FINA World Swimming Championships (25 m) Sportspeople from Nîmes Olympic gold medalists for France Olympic silver medalists for France Olympic swimmers for France Swimmers at the 2012 Summer Olympics Swimmers at the 2016 Summer Olympics World Aquatics Championships medalists in swimming World record holders in swimming European Aquatics Championships medalists in swimming Medalists at the 2012 Summer Olympics European champions for France Olympic gold medalists in swimming Olympic silver medalists in swimming
야니크 아넬(, 1992년 6월 9일~)은 프랑스의 수영 선수이다. 주 종목은 자유형이며 2012년 하계 올림픽에서 금메달 2개와 은메달 1개를 획득하였다. 현재 400m 자유형 쇼트코스 부문 세계 기록과 800m 자유형 쇼트코스 유럽 기록, 200m/400m 자유형 프랑스 기록을 보유하고 있다. 2012년 국제 대회에서의 성공으로 수영 전문 잡지인 스위밍 월드에서 선정하는 "올해의 유럽 수영 선수"로 뽑혔다. 초기 생애 님에서 간호원 어머니와 인적 자원 관리자 아버지 사이에서 태어났으며 프랑스 테니스 선수 야니크 노아의 이름을 따서 그의 이름이 붙었다. 아넬은 이웃이 그의 재능을 발견하여 그의 부모에게 그를 수영 클럽에 등록을 요구한 후, 8세 때에 수영을 시작하였다. 수영 경력 초기 경력 2009년 유럽 주니어 수영 선수권 대회에서 200m와 400m 자유형을 유럽 주니어 기록과 함께 우승하였다. 그는 또한 800m 자유형 계주에서 러시아와 이탈리아 팀을 앞서 우승한 프랑스 팀의 일원이기도 하였다. 2010년 4월 아넬은 200m 자유형에서 1분 46.35초의 국내 기록을 세워 아모리 르보의 1분 46.54초 기록을 꺾었다. 6월에 그는 1분 46.30초와 함께 200m 자유형에서 자신의 기록을 향상시켰다. 그해의 유럽 주니어 선수권 대회에서 아넬은 400m 자유형에서 니콜라 로스투셰르의 3분 46.28초 기록을 3분 46.26초로 꺾고 금메달을 땄다. 2010년 유럽 선수권 2010년 유럽 수상 선수권 대회에서 아넬은 국내와 선수권 신기록을 세워 400m 자유형 금메달을 획득하였다. 그러고나서 400m 자유형 계주에서 파비앵 질로, 윌리엄 메이나르, 알랭 베르나르와 결합하여 러시아 팀에 밀려 2위를 하였다. 두번째 주자로서 아넬은 48.23초로 헤엄쳤다. 800m 자유형 계주에서 선두 주자로서 아넬은 200m 자유형 기록 1분 45.83초로 자신의 국내 기록을 깼다. 클레망 르페르, 안통 아랑부르, 제레미 스트라비우스와 함께 러시아와 독일 팀에 밀려 3위를 하였다. 2011년 세계 선수권 2011년 상하이에서 열린 세계 수상 선수권 대회에서 아넬은 3개의 종목들에 출전하였다. 그의 첫 종목 400m 자유형에서 3분 45.25초로 6위를 하고, 두번째 종목 200m 자유형에서는 국내 신기록 1분 44.99초와 함께 5위를 하였다. 대회에서 단 하나의 메달, 즉 800m 자유형 계주에서 은메달을 딴 아넬은 그레고리 마예, 제레미 스트라비우스, 파비앵 질로와 함께 팀을 이루면서 국내 신기록 7분 04.81초를 세웠다. 2012년 2012년 런던 올림픽 2012년 런던 올림픽에서 3개의 메달 - 금 2개와 은 1개를 획득하였다. 자신의 첫 종목 400m 자유형 계주에서 최종 주자로서 아모리 르보, 파비앵 잘로, 클레망 르페르와 함께 금메달을 획득하였다. 0.55초의 적자와 물에 뛰어들면서 아넬은 350m 종점에서 0.30초의 적자로 감소할 수 있었다. 마지막 50m에서 미국의 라이언 록티를 앞서 프랑스 팀은 3분 09.93초로 우승하였다. 아넬은 46.74초와 함께 빠르게 헤엄쳐 개인적으로만 47초를 깼다. 다음 날에 아넬은 200m 자유형에서 프랑스 수영 역사상 가장 빠른 1분 43.14초와 함께 금메달을 땄으며, 2위로 온 쑨양과 박태환에 1.79초나 앞섰다. 결승전에서 그는 출발 완료로부터 선두로 헤엄쳐 첫 100m에서 50.64초, 마지막 100m에서 52.50초를 기록하였다. 800m 자유형 계주에서 자신의 마지막 메달로서 르보, 마예, 르페르와 함께 은메달을 땄다. 그는 최종 주자로서 1분 43.24초와 함께 결승전에서 가장 빠른 분열 시간을 가졌다. 자신의 마지막 종목 100m 자유형에서 개인 전력 47.84초와 함께 4위를 하였다. 유럽 수영 연맹에 의하여 "올해의 남성 유럽 수영 선수"로 임명되었다. 올림픽 이후 11월 15일 앙제에서 열린 국내 쇼트코스 대회에서 첫 날에 3분 32.25초와 함께 400m 자유형에서 자신의 첫 세계 기록을 깼다. 이리하여 2009년 독일의 파울 비더만이 세운 이전 기록 3분 32.77초를 능가하였다. 하루 후에 800m 자유형에서 유럽 기록을 세우고, 11월 18일에는 200m 자유형(쇼트코스)에서 비더만의 세계 기록을 겨우 놓쳤다. 1주 후에 샤르트르에서 열린 유럽 쇼트코스 수영 선수권 대회에서 아넬은 3개의 메달 - 금 2개와 동 1개를 획득하였다. 그해 말에 스위밍 월드 잡지에 의하여 "올해의 유럽 수영 선수"로 임명되었다. 2013년 1월 1일 레지옹 도뇌르 슈발리에급 훈장을 받았다. 2013년 2013년 세계 선수권 2013년 바르셀로나에서 열린 세계 수상 선수권 대회에서 아넬은 3개의 종목에만 출전하였다. 토너먼트의 첫 날에 400m 자유형 계주에서 미국과 러시아 팀을 앞서 프랑스의 처음이자 마지막 세계 타이틀을 우승하는 데 도움을 주었다. 플로랑 마노두, 파비앵 질로, 제레미 스트라비우스와 결승전에서 팀을 이루어 3분 11.18초로 4명의 선수에게 진시간을 전달하는 데 48.76초의 선두 분열을 기록하였다. 이틀 후에 200m 자유형에서 1분 44.20초와 함께 자신의 두번째 금메달을 추가하였다. 자신의 마지막 종목 800m 자유형 계주에서 스트라비우스, 마예, 로리 부렐리와 함께 중화인민공화국 팀에게 1초의 100분의 17에 의하여 기단을 놓쳐 7분 04.91초와 함께 4위를 하였다. 기록 개인 기록 외부 링크 야니크 아넬 - 국제 수영 연맹 야니크 아넬 - Swimrankings 야니크 아넬 - Olympedia 야니크 아넬 - Sports Reference 1992년 출생 살아있는 사람 20세기 프랑스 사람 21세기 프랑스 사람 프랑스의 남자 수영 선수 남자 자유형 선수 프랑스의 올림픽 금메달리스트 프랑스의 올림픽 은메달리스트 올림픽 수영 메달리스트 2012년 하계 올림픽 메달리스트 프랑스의 올림픽 수영 참가 선수 2012년 하계 올림픽 수영 참가 선수 2016년 하계 올림픽 수영 참가 선수 수영 세계 기록 보유자 레지옹 도뇌르 슈발리에 훈장 수훈자 님 출신
amphora/parallel-wiki-koen
full
Milan Škriniar (born 11 February 1995) is a Slovak professional footballer who plays as a centre-back for Ligue 1 club Paris Saint-Germain and captains the Slovakia national team. Škriniar began his career in his native Slovakia with Žilina. He also underwent a loan spell at ViOn Zlaté Moravce early in his career. In 2016, he moved to Italy with Sampdoria, where he would play for a season before joining league rivals Inter Milan. Škriniar went on to win one Serie A, two Coppa Italia, and two Supercoppa Italiana titles for the Nerazzurri, eventually becoming the team's captain. He joined French club Paris Saint-Germain in 2023. As a youth international, Škriniar represented Slovakia at under-17, under-18, under-19, and under-21 level. In May 2016, at the age of 21, he made his senior Slovakia debut, and was selected for the team representing his country at Euro 2016. He later played for Slovakia at Euro 2020. Club career MŠK Žilina Škriniar began his career in the youth structures of Žiar nad Hronom before joining the youth setup of Žilina at age 12. He made his official Slovak Super Liga debut for the first team on 27 March 2012 aged 17 years and 49 days, in a match against ViOn Zlaté Moravce. On 23 November 2012 he scored his first goal in the Slovak Super Liga against ViOn during a 4–1 victory. Škriniar was sent on loan for half a season to ViOn Zlaté Moravce in February 2013, in order to gain more first-team experience. Sampdoria On 29 January 2016, Sampdoria announced the signing of Milan Škriniar on a four-and-half year contract. He made his debut in a 2–1 home victory over Lazio in late April. During the next season Škriniar played a key role for Marco Giampaolo's Blucerchiati, finishing the campaign as the youngest defender to have made at least 35 appearances in Serie A. Inter Milan On 7 July 2017, Škriniar completed a transfer to fellow Serie A side Inter Milan signing a five-year contract. The club paid a reported fee around €20 million and also included the striker Gianluca Caprari. The transfer made Škriniar the most expensive Slovak player of all time. He was presented four days later and received squad number 37, stating: "It's amazing to think that in 18 months I've gone from the Slovakian league to playing for a club like Inter." Škriniar made his competitive debut for the club on 20 August in the opening matchday of 2017–18 Serie A versus Fiorentina as Inter won 3–0 at San Siro. He scored his first Serie A goal later on 16 September against Crotone, the opener in the 82nd minute with a right-footed shot in an eventual 2–0 away win to keep Inter's winning streak. His second of the campaign came in matchday 10 against his former side Sampdoria on 24 October, netting again the opener as Inter won 3–2. Škriniar was distinguished for his performances in the first part of the season, being one of the best players of the squad. He continued with his great performances even in the second part of the season, which proved clinical for the team, which returned to UEFA Champions League after six years. He concluded the season by playing in all 38 matches in league, receiving only two yellow cards. In the 2018–19 season, Škriniar made his debut in the UEFA Champions League on 18 September in the opening group stage match against Tottenham Hotspur, playing full-90 minutes in a 2–1 comeback win at San Siro. On 2 November 2019, in a Serie A match against Bologna which ended in a 2–1 away win, Škriniar made his 100th appearance in all competitions for Inter, all of them as starter. On 3 November 2021, Škriniar scored his first UEFA Champions League goal in a 3–1 away win against Sheriff Tiraspol. In an interview with Slovak outlet Futbolsfz.sk on 29 January 2023, Škriniar confirmed that he had signed a pre-contract agreement with Ligue 1 club Paris Saint-Germain (PSG). Negotiations took place between Inter Milan and PSG to transfer Škriniar during the January transfer window, although they eventually broke down. He was subsequently stripped of the captaincy by manager Simone Inzaghi. In February, Škriniar suffered a lower back injury, which was later revealed to be a lumbar vertebra fracture. He underwent surgery for the fracture in April, missing the quarter-finals and semi-finals of the Champions League. In the 2023 UEFA Champions League final on 10 June, Škriniar was left on the bench as Inter was defeated 1–0 by Manchester City. On 30 June 2023, Inter Milan announced the departure of Škriniar as a free agent at the end of 2022–23 season, after six years with the club. Paris Saint-Germain On 6 July 2023, Paris Saint-Germain officially confirmed that Škriniar had joined the club, signing a five-year contract until 30 June 2028. He became the first Slovak to play for the club. Škriniar made his debut in a 0–0 league draw against Lorient at the Parc des Princes on 12 August. International career Škriniar represented various Slovak youth teams, and made his debut for the Slovakia senior squad in a friendly 3–1 win over Georgia on 27 May 2016. Škriniar was selected as part of the Slovakia squad for Euro 2016. By the end of the year, he was a part of a number of different games and became a notable part of the squad in the 2018 World Cup qualification, usually playing as a defensive midfielder. After the international retirement of Ján Ďurica in November 2017, Škriniar took his place as a centre-back partner to Martin Škrtel in the national team, even directing Slovak defence in Škrtel's absences (for example in a double fixture against Netherlands and Morocco despite his relatively young age, compared to experienced side-backs Peter Pekarík and Tomáš Hubočan). Following the international retirement of national team captain Marek Hamšík, Škriniar was appointed the captain of the team in June 2022. National team coach Štefan Tarkovič highlighted Škriniar's leadership qualities during the announcement. Style of play Škriniar has been described as a defender who is "a strong tackler who is quick to make clearances". A natural centre-back, he can also be deployed as a defensive midfielder where he also produced outstanding performances with under-21 side. His former youth manager said of him: He [Škriniar] has always been the leader on and off the pitch. He has been described in the media as the successor to former Liverpool icon Martin Škrtel in Slovakia's defensive line. He has also drawn praise from several Italian pundits for his positional sense, as well as his ability in the air, and in one on one situations. French newspaper L'Équipe has highlighted Škriniar's high pass and long pass accuracy, his complexity and low injury proneness and imposing figure. Personal life Škriniar has been in a relationship with model Barbora Hrončeková since 2014. Their daughter Charlotte was born in 2020. They married in July 2023. Career statistics Club International Slovakia score listed first, score column indicates score after each Škriniar goal. Honours MŠK Žilina Slovak Super Liga: 2011–12 Slovak Cup: 2011–12 Inter Milan Serie A: 2020–21 Coppa Italia: 2021–22, 2022–23 Supercoppa Italiana: 2021, 2022 UEFA Europa League runner-up: 2019–20 UEFA Champions League runner-up: 2022–23 Slovakia King's Cup: 2018 Individual Peter Dubovský Award: 2016 UEFA European Under-21 Championship Team of the Tournament: 2017 Slovak Footballer of the Year: 2019, 2020, 2021, 2022 References External links Milan Škriniar at the Paris Saint-Germain F.C. website 1995 births Living people Sportspeople from Žiar nad Hronom Footballers from the Banská Bystrica Region Slovak men's footballers Slovakia men's youth international footballers Slovakia men's under-21 international footballers Slovakia men's international footballers Men's association football defenders MŠK Žilina players FC ViOn Zlaté Moravce players UC Sampdoria players Inter Milan players Paris Saint-Germain F.C. players Slovak First Football League players Serie A players Ligue 1 players UEFA Euro 2016 players UEFA Euro 2020 players Slovak expatriate men's footballers Expatriate men's footballers in Italy Expatriate men's footballers in France Slovak expatriate sportspeople in Italy Slovak expatriate sportspeople in France
밀란 슈크리니아르(, 1995년 2월 11일 ~ )는 슬로바키아의 축구 선수로 현재 프랑스 리그 1의 파리 생제르맹에서 수비수로 활약하고 있다. 초기 생애 슈크리니아르는 FK 지아르나트흐로놈에서 유스팀에서 활약하다가 12세에 MŠK 질리나에 입단했다. 구단 경력 MŠK 질리나 2012년 3월 27일 17세 49일의 나이로 MŠK 질리나 1군에서 공식 슬로바키아 수페르리가 데뷔전을 치렀다. 2012년 11월 23일, 그는 4-1로 승리한 비온과의 슬로바키아 슈퍼 리가 경기에서 첫 골을 넣었다. 2012-13 시즌에는 더 많은 1군 경험을 쌓기 위해서 비온 즐라테모라우체에서 임대 선수 갔으며 리그 7경기를 소화했다. 삼프도리아 2016년 1월 29일, 삼프도리아는 밀란 슈크리니아르와 4년 반 계약을 체결했다고 발표했다. 그는 4월 말 라치오를 상대로 홈에서 2-1로 승리한 경기에 출전하면서 데뷔전을 치렀다. 다음 시즌 동안 슈크리니아르는 팀 내에서 핵심적인 역할을 맡아 세리에 A에서 최소 35경기에 출전한 최연소 수비수로 시즌을 마무리했다. 인테르나치오날레 밀라노 2017년 7월 7일, 슈크리니아르는 세리에A 팀인 인테르나치오날레 밀라노로 5년 계약을 체결하며 이적을 완료했습니다. 이 이적을 통해 슈크리니아르는 역대 가장 비싼 슬로바키아 선수가 되었습니다. 그는 4일 후 등번호 37번을 받고 인터뷰터에서 "18개월 만에 슬로바키아 리그에서 인테르 같은 클럽으로 이적했다는 것이 놀랍다"고 말했다. 슈크리니아르는 8월 20일, 피오렌티나와의 2017-18 세리에 A 개막전에서 구단 데뷔전을 치렀다. 그는 9월 16일, 크로토네를 상대로 첫 세리에A에서의 골을 넣었고, 82분에 오른발 슛을 성공시켜 결국 2-0 원정 승리를 거두며 인테르의 연승 행진을 도왔다. 10월 24일에 그의 전 소속팀인 삼프도리아와의 경기에서 다시 한 번 골을 넣으며 팀의 3-2를 도왔다. 슈크리니아르는 시즌 초반에 뛰어난 활약을 펼쳐 팀 최고의 선수 중 한 명으로 평가되었다. 2018-19 시즌에 슈크리니아르는 9월 18일, 토트넘 홋스퍼와의 조별 예선 개막전에서 UEFA 챔피언스리그 데뷔전을 치렀고 해당 경기에서 90분 풀타임을 뛰며 팀의 2-1 역전승을 도왔다. 2019년 11월 2일, 볼로냐와의 세리에 A 경기에서 2-1 원정 승리로 끝났고, 슈크리니아르는 이 경기로 인테르 소속으로 모든 대회에서 100번째 출전을 기록했으며, 해당 출전은 모두 선발 출전이였다. 2021년 11월 3일, 슈크리니아르는 티라스폴을 상대로 3-1 원정 승리를 거두며 UEFA 챔피언스리그 첫 골을 기록했다. 파리 생제르맹 2023년 7월 6일, 인터밀란과 계약이 만료되고 리그 1의 파리 생제르맹에 입단했으며, 2028년 6월 30일까지 5년 계약을 체결했다.이로써 그는 파리 생제르맹에서 뛰는 최초의 슬로바키아인이 되었다. 슈크리니아르는 8월 12일, 로리앙과 0-0 무승부를 기록한 경기에서 데뷔전을 치렀다. 국가대표팀 경력 슈크리니아르는 슬로바키아의 연령별 대표팀을 거쳤으며, 2016년 5월 27일 조지아와의 평가전에서 국제 A매치 데뷔전을 치렀고이후 같은 해에 열린 UEFA 유로 2016 본선 2경기에 출전하며 슬로바키아의 사상 첫 유로 대회 16강 진출에 이바지했다. 국가대표팀 주장 마레크 함시크가 국가대표팀에서 은퇴한 후, 슈크리니아르는 2022년 6월에 팀의 주장으로 임명되었다. 플레이 스타일 주 포지션은 센터백이지만 수비형 미드필더로도 활약할 수 있으며 U-21 팀에서 미드필더로 뛰어난 활약을 펼쳤다. 그의 전 유소년 감독은 그에 대해 경기장 안팎에서 항상 리더였다고 말했다 그는 언론에서 과거 활약한 슬로바키아 수비수인 마르틴 슈크르텔의 후계자로 불렸다. 그는 또한 그의 위치 감각, 공중볼 능력, 일대일 상황에 대해 여러 이탈리아 전문가로부터 극찬을 받았고롱패스 정확도, 단단한 피지컬, 낮은 부상 가능성 등 역시 강조되었다. 수상 클럽 MŠK 질리나 슬로바키아 수페르리가 : 우승 (2011-12), 준우승 (2014-15) 슬로바키아컵 : 우승 (2011-12) 인테르 밀란 이탈리아 세리에 A : 우승 (2020-21), 준우승 (2019-20) UEFA 유로파리그 : 준우승 (2019-20) 코파 이탈리아 : 4강 (2019-20, 2020-21) 각주 외부 링크 1995년 출생 살아있는 사람 슬로바키아의 남자 축구 선수 슬로바키아 남자 U-21 축구 국가대표팀 선수 슬로바키아 남자 축구 국가대표팀 선수 UEFA 유로 2016 참가 선수 MŠK 질리나의 축구 선수 UC 삼프도리아의 축구 선수 FC 인테르나치오날레 밀라노의 축구 선수 슬로바키아 수페르리가의 축구 선수 세리에 A의 축구 선수 슬로바키아의 해외 진출 남자 축구 선수 이탈리아의 외국인 남자 축구 선수 남자 축구 센터백 슬로바키아 남자 청소년 축구 국가대표팀 선수 FC 비온 즐라테모라우체의 축구 선수 UEFA 유로 2020 참가 선수 파리 생제르맹 FC의 축구 선수 리그 1의 축구 선수 프랑스의 외국인 남자 축구 선수 프랑스에 거주한 슬로바키아인
amphora/parallel-wiki-koen
full
are you sure this is the full log. time="2023-01-13 17:01:43" level=error msg="[Plugin / Upscale Performer images] 2023-01-13 17:01:43.449 | INFO | gigapixel.logging:wrapper:31 - Getting Gigapixel instance..." time="2023-01-13 17:01:49" level=error msg="[Plugin / Upscale Performer images] 2023-01-13 17:01:49.905 | DEBUG | gigapixel.gigapixel:\_get\_gigapixel\_instance:100 - Gigapixel instance not found." time="2023-01-13 17:01:49" level=error msg="[Plugin / Upscale Performer images] 2023-01-13 17:01:49.905 | DEBUG | gigapixel.logging:wrapper:31 - Starting new Gigapixel instance..." time="2023-01-13 17:01:52" level=error msg="[Plugin / Upscale Performer images] 2023-01-13 17:01:52.404 | DEBUG | gigapixel.logging:wrapper:37 - Started new Gigapixel instance: " time="2023-01-13 17:01:52" level=error msg="[Plugin / Upscale Performer images] 2023-01-13 17:01:52.405 | SUCCESS | gigapixel.logging:wrapper:37 - Got Gigapixel instance: " time="2023-01-13 17:01:52" level=error msg="[Plugin / Upscale Performer images] if tag in tag\_names: Upscale Lines:4x" time="2023-01-13 17:01:52" level=error msg="[Plugin / Upscale Performer images] get\_scale\_setting: Lines:4x" time="2023-01-13 17:01:52" level=error msg="[Plugin / Upscale Performer images] image\_path: http://localhost:9999/performer/8415/image?1673629198" time="2023-01-13 17:01:52" level=error msg="[Plugin / Upscale Performer images] performer\_id: 8415" time="2023-01-13 17:01:52" level=error msg="[Plugin / Upscale Performer images] scale\_setting: Scale.X4" time="2023-01-13 17:01:52" level=error msg="[Plugin / Upscale Performer images] scale\_value: Scale.X4" time="2023-01-13 17:01:52" level=error msg="[Plugin / Upscale Performer images] mode\_setting: Mode.Lines" time="2023-01-13 17:01:52" level=error msg="[Plugin / Upscale Performer images] mode\_value: Mode.Lines" time="2023-01-13 17:01:52" level=error msg="[Plugin / Upscale Performer images] 2023-01-13 17:01:52.582 | DEBUG | gigapixel.logging:wrapper:31 - Checking path: B:\\Stash\\image\_to\_process.jpeg" time="2023-01-13 17:01:52" level=error msg="[Plugin / Upscale Performer images] 2023-01-13 17:01:52.582 | DEBUG | gigapixel.logging:wrapper:37 - Path is valid" time="2023-01-13 17:01:52" level=error msg="[Plugin / Upscale Performer images] 2023-01-13 17:01:52.762 | DEBUG | gigapixel.logging:wrapper:31 - Opening photo: B:\\Stash\\image\_to\_process.jpeg" time="2023-01-13 17:01:59" level=error msg="[Plugin / Upscale Performer images] 2023-01-13 17:01:59.951 | DEBUG | gigapixel.logging:wrapper:37 - Photo opened" time="2023-01-13 17:01:59" level=error msg="[Plugin / Upscale Performer images] 2023-01-13 17:01:59.951 | DEBUG | gigapixel.logging:wrapper:31 - Setting processing options" time="2023-01-13 17:02:16" level=error msg="[Plugin / Upscale Performer images] 2023-01-13 17:02:16.681 | DEBUG | gigapixel.gigapixel:\_set\_scale:77 - Scale set to 4x" time="2023-01-13 17:02:28" level=error msg="[Plugin / Upscale Performer images] 2023-01-13 17:02:28.560 | DEBUG | gigapixel.gigapixel:\_set\_mode:88 - Mode set to Lines" time="2023-01-13 17:02:28" level=error msg="[Plugin / Upscale Performer images] 2023-01-13 17:02:28.560 | DEBUG | gigapixel.logging:wrapper:37 - Processing options set" time="2023-01-13 17:02:28" level=error msg="[Plugin / Upscale Performer images] 2023-01-13 17:02:28.560 | DEBUG | gigapixel.logging:wrapper:31 - Saving photo" time="2023-01-13 17:02:39" level=error msg="[Plugin / Upscale Performer images] 2023-01-13 17:02:39.333 | DEBUG | gigapixel.logging:wrapper:37 - Photo saved" time="2023-01-13 17:02:39" level=error msg="[Plugin / Upscale Performer images] tag\_to\_remove: Upscale Mode.Lines:Scale.X4" time="2023-01-13 17:02:39" level=error msg="[Plugin / Upscale Performer images] tag\_ids: ['1189']" time="2023-01-13 17:02:39" level=error msg="[Plugin / Upscale Performer images] tag\_ids: ['1189', '2015']" time="2023-01-13 17:02:39" level=error msg="[Plugin / Upscale Performer images] tag\_ids: ['1189', '2015', '2001']" time="2023-01-13 17:02:39" level=error msg="[Plugin / Upscale Performer images] tag\_ids: ['1189', '2015', '2001', '2015']" time="2023-01-13 17:02:48" level=error msg="[Plugin / Upscale Performer images] Win32 exception occurred releasing IUnknown at 0x000001C21BA68500"
time="2023-01-13 17:01:43" level=error msg="[플러그인/업스케일 퍼포머 이미지] 2023-01-13 17:01:43.449 | INFO | gigapixel.logging:wrapper:31 - 기가픽셀 인스턴스 가져오기..." time="2023-01-13 17:01:49" level=error msg="[플러그인/업스케일 퍼포머 이미지] 2023-01-13 17:01:49.905 | DEBUG | gigapixel.gigapixel:\_get\_gigapixel\_instance:100 - 기가픽셀 인스턴스를 찾을 수 없음." time="2023-01-13 17:01:49" level=error msg="[플러그인/업스케일 퍼포머 이미지] 2023-01-13 17:01:49.905 | DEBUG | gigapixel.logging:wrapper:31 - 새 기가픽셀 인스턴스 시작 중..." time="2023-01-13 17:01:52" level=error msg="[플러그인/업스케일 퍼포머 이미지] 2023-01-13 17:01:52.404 | DEBUG | gigapixel.logging:wrapper:37 - 새 기가픽셀 인스턴스가 시작되었습니다... " time="2023-01-13 17:01:52" level=error msg="[플러그인/업스케일 퍼포머 이미지] 2023-01-13 17:01:52.405 | SUCCESS | gigapixel.logging:wrapper:37 - 기가픽셀 인스턴스를 얻었습니다: " time="2023-01-13 17:01:52" level=error msg="[플러그인/업스케일 퍼포머 이미지] if 태그가 태그\_이름에 있습니다: 업스케일 라인:4배" time="2023-01-13 17:01:52" level=error msg="[플러그인/업스케일 퍼포머 이미지] get\_scale\_setting: 라인:4배" time="2023-01-13 17:01:52" level=error msg="[플러그인/업스케일 퍼포머 이미지] image\_path: http://localhost:9999/performer/8415/image?1673629198" time="2023-01-13 17:01:52" level=error msg="[플러그인/업스케일 퍼포머 이미지] 퍼포머\_id: 8415" time="2023-01-13 17:01:52" level=error msg="[플러그인/업스케일 퍼포머 이미지] scale\_setting: Scale.X4" time="2023-01-13 17:01:52" level=error msg="[플러그인/업스케일 퍼포머 이미지] scale\_value: Scale.X4" time="2023-01-13 17:01:52" level=error msg="[플러그인/업스케일 퍼포머 이미지] mode\_setting: Mode.Lines" time="2023-01-13 17:01:52" level=error msg="[플러그인/업스케일 퍼포머 이미지] mode\_value: Mode.Lines" time="2023-01-13 17:01:52" level=error msg="[플러그인/업스케일 퍼포머 이미지] 2023-01-13 17:01:52.582 | DEBUG | gigapixel.logging:wrapper:31 - 경로 확인 중: B:\\Stash\\image\_to\_process.jpeg" time="2023-01-13 17:01:52" level=error msg="[플러그인/업스케일 퍼포머 이미지] 2023-01-13 17:01:52.582 | DEBUG | gigapixel.logging:wrapper:37 - 경로가 유효합니다" time="2023-01-13 17:01:52" level=error msg="[플러그인/업스케일 퍼포머 이미지] 2023-01-13 17:01:52.762 | DEBUG | gigapixel.logging:wrapper:31 - 오프닝 사진: B:\\Stash\\image\_to\_process.jpeg" time="2023-01-13 17:01:59" level=error msg="[플러그인/업스케일 퍼포머 이미지] 2023-01-13 17:01:59.951 | DEBUG | gigapixel.logging:wrapper:37 - 사진 열림" time="2023-01-13 17:01:59" level=error msg="[플러그인/업스케일 퍼포머 이미지] 2023-01-13 17:01:59.951 | DEBUG | gigapixel.logging:wrapper:31 - 처리 옵션 설정" time="2023-01-13 17:02:16" level=error msg="[플러그인/업스케일 퍼포머 이미지] 2023-01-13 17:02:16.681 | DEBUG | gigapixel.gigapixel:\_set\_scale:77 - 스케일을 4배로 설정" time="2023-01-13 17:02:28" level=error msg="[플러그인/업스케일 퍼포머 이미지] 2023-01-13 17:02:28.560 | DEBUG | gigapixel.gigapixel:\_set\_mode:88 - 모드가 Lines로 설정됨" time="2023-01-13 17:02:28" level=error msg="[플러그인/업스케일 퍼포머 이미지] 2023-01-13 17:02:28.560 | DEBUG | gigapixel.logging:wrapper:37 - 처리 옵션 설정" time="2023-01-13 17:02:28" level=error msg="[플러그인/업스케일 퍼포머 이미지] 2023-01-13 17:02:28.560 | DEBUG | gigapixel.logging:wrapper:31 - 사진 저장 중" time="2023-01-13 17:02:39" level=error msg="[플러그인/업스케일 퍼포머 이미지] 2023-01-13 17:02:39.333 | DEBUG | gigapixel.logging:wrapper:37 - 사진 저장 중" time="2023-01-13 17:02:39" level=error msg="[플러그인/업스케일 퍼포머 이미지] tag\_to\_remove: 업스케일 모드.라인:스케일.X4" time="2023-01-13 17:02:39" level=error msg="[플러그인/업스케일 퍼포머 이미지] tag\_ids: ['1189']" time="2023-01-13 17:02:39" level=error msg="[플러그인/업스케일 퍼포머 이미지] tag\_ids: ['1189', '2015']" time="2023-01-13 17:02:39" level=error msg="[플러그인/업스케일 공연자 이미지] tag\_ids: ['1189', '2015', '2001']" time="2023-01-13 17:02:39" level=error msg="[플러그인/업스케일 공연자 이미지] tag\_ids: ['1189', '2015', '2001', '2015']" time="2023-01-13 17:02:48" level=error msg="[플러그인/업스케일 퍼포머 이미지] Win32 예외가 발생하여 0x000001C21BA68500에서 IUnknown을 해제했습니다."
squarelike/sharegpt_deepl_ko_translation
full
Craig John Counsell (born August 21, 1970) is an American former professional baseball player who is the manager for the Milwaukee Brewers of Major League Baseball (MLB). Counsell became the Brewers' manager in May 2015. He holds the franchise record for most managerial wins in team history, and has led the team to five of their eight all-time postseason appearances. He became the longest-tenured manager in the National League in 2021. Counsell was an infielder who played 16 seasons in MLB for five teams, and was known for his unique batting stance. He had several notable postseason performances, winning the World Series in 1997 with the Florida Marlins and in 2001 with the Arizona Diamondbacks. Counsell has the distinction of having been on base for the last two times that the World Series ended with a walk-off hit, and was named the NLCS Most Valuable Player in 2001. Early life Counsell was born in South Bend, Indiana. He grew up in Whitefish Bay, Wisconsin, and attended Whitefish Bay High School, where he played baseball. His father, John, worked for the Milwaukee Brewers of Major League Baseball (MLB) as their director of the speakers bureau and director of community relations. Counsell attended the University of Notre Dame, where he played for the Notre Dame Fighting Irish baseball team. He was an infielder for the Irish, with a career batting average of .306, 204 runs, 166 RBI, 50 doubles and twice as many walks (166) as strikeouts (82), graduating in 1992. Professional career The Colorado Rockies selected Counsell in the 11th round of the 1992 MLB Draft. He made his MLB debut with the Rockies on September 17, 1995, appearing in only three games that season. The Rockies traded Counsell to the Florida Marlins for Mark Hutton in July 1997. He immediately became the Marlins' starting second baseman. He scored the winning run in the bottom of the 11th inning of Game 7 of the 1997 World Series for the Marlins, on an Édgar Rentería single over pitcher Charles Nagy's head, after tying the game in the bottom of the ninth with a sacrifice fly. In June 1999, the Marlins traded Counsell to the Los Angeles Dodgers for a player to be named later (minor leaguer Ryan Moskau). The Dodgers released Counsell during 2000 spring training, and he signed with the Arizona Diamondbacks. His stay with the Diamondbacks lasted four years. Counsell batted 8-for-21 in the 2001 National League Championship Series (NLCS), and won the NLCS Most Valuable Player Award. He was hit by a pitch by Mariano Rivera to load the bases for Luis Gonzalez in the bottom of the 9th inning of Game 7 of the 2001 World Series, after which Gonzalez drove in the winning run for the Diamondbacks, a bloop single over the drawn-in infield. After the 2003 season, the Diamondbacks traded Counsell to the Milwaukee Brewers, with Chris Capuano, Chad Moeller, Lyle Overbay, Jorge de la Rosa, and Junior Spivey, for Richie Sexson, Shane Nance, and a player to be named later (minor leaguer Noochie Varner). With the Brewers, Counsell started at shortstop in 2004. After one season with the Brewers, Counsell returned to the Diamondbacks as a free agent for two more seasons. Counsell returned to the Brewers as a free agent for 2007 and filled the role of utility infielder. He recorded his 1,000th career hit on August 16, 2008, against Derek Lowe of the Los Angeles Dodgers. In 2011, he was the fourth-oldest player in the National League, and had the second-best career fielding percentage of all active second basemen (.991). In 2009, Counsell gained more regular playing time due to injuries and inconsistent play from other Brewers players, and had a .285 batting average, along with 8 triples, finishing in the top 10 in the National League in the latter category. In 2010, Counsell was chosen as the 13th-smartest athlete in sports by Sporting News. From June 11 to August 3, 2011, Counsell tied the all-time record for consecutive at-bats without a base hit for a position player, going hitless over a streak of 45 at-bats as a bench player and spot starter. The record was set by notoriously poor hitter Bill Bergen in 1909, and later tied by infielder Dave Campbell in 1973. It had been reported Bergen's streak was 46 at bats; however, subsequent research definitively established that Bergen's streak stopped at 45, meaning that Counsell tied but did not break the record. The record was broken only a few weeks after Counsell tied it, by Eugenio Vélez of the Los Angeles Dodgers. Counsell's contributions to the Marlins' and Diamondbacks' championship teams remained well-remembered by the fans of both teams. During Counsell's last season as a player in 2011, when the Brewers were the visiting team at Marlins and Diamondbacks games, the home fans would give Counsell standing ovations when he came to bat. Counsell's usual at-bat music was Jimi Hendrix's version of "All Along the Watchtower". Batting stance For much of his career, Counsell had a batting stance that was very distinctive, usually holding his bat high, with his arms fully extended above his head. As he reached the end of his career, Counsell lowered his bat more in his stance, though he would nearly have his back to the pitcher, to where the number on his back was almost completely visible to the pitcher. Counsell also didn't wear batting gloves for the majority of his career, with the exception of his rookie season and his final season. Fielding By the SAFE: Spatial Aggregate Fielding Evaluation method of evaluating defense, Counsell was both the highest-rated 2nd baseman and the highest-rated 3rd baseman over the period from 2002 to 2008, with an average runs saved of 10.18 and 5.86, respectively. Post-playing career In early 2012, Counsell retired as a professional baseball player, and took a front office position with the Brewers. Counsell served as special assistant to general manager Doug Melvin. In 2014, Counsell was named a part-time color analyst for Brewers radio broadcasts. He rotated with Darryl Hamilton and Jerry Augustine to call games with Joe Block when primary announcer Bob Uecker was absent. On May 4, 2015, Counsell was hired by the Brewers to become their manager after Ron Roenicke was fired the day before. He signed a three-year contract with the team. The Brewers, going through a rebuild, went 61–76 and 73–89 under Counsell in his first two seasons as manager. In 2017, the team went on a surprising run, going 86–76. They finished 2nd in the NL Central, falling one win short of a wild card berth. Counsell finished 4th in NL Manager of the Year voting. In their 2018 campaign, the Brewers went 96-67 under Counsell in the regular season, and won the NL Central by defeating the Chicago Cubs by a score of 3–1 in a tiebreaker game. In 2018 he was successful on a lower percentage of replay challenges than any other MLB manager with 10 or more challenges, at 20.6%. The Brewers advanced to the National League Championship Series after a sweep of the Colorado Rockies in the National League Division Series. The Brewers won the first and sixth games of the 2018 National League Championship Series against the Los Angeles Dodgers at Miller Park in Milwaukee and the third game of the series at Dodger Stadium in Los Angeles, before falling to the Dodgers in seven games. Counsell thus became only the second Brewers manager to lead the team to the postseason after managing a full season with the team. After the season ended, he finished 2nd in NL Manager of the Year voting, losing to Atlanta Braves manager Brian Snitker. On September 18, 2021, Counsell won his 500th game as a manager, a 6–4 Brewers victory over the Chicago Cubs. He finished 2nd in NL Manager of the Year voting, losing to San Francisco Giants manager Gabe Kapler, with one first place vote, 22 second place votes, and four third place votes. On June 15, 2022, with a win over the New York Mets, Counsell passed Phil Garner (563) for most wins as a Brewers manager. On September 19, 2023, Counsell won his 700th game as a manager, a 7−3 Brewers victory over the St. Louis Cardinals. Managerial record Personal life Counsell and his wife, Michelle, have four children together. The family resides in Whitefish Bay, Wisconsin. Counsell's oldest son, Brady, plays college baseball at the University of Minnesota, and his younger son, Jack, was on Whitefish Bay High School's state championship baseball team in 2023. Jack will be playing college baseball at University of Michigan in 2024. References Further reading External links 1970 births Living people Arizona Diamondbacks players Baseball players from South Bend, Indiana Bend Rockies players Central Valley Rockies players Colorado Rockies players Colorado Springs Sky Sox players Florida Marlins players Lancaster JetHawks players Los Angeles Dodgers players Major League Baseball broadcasters Major League Baseball infielders Milwaukee Brewers announcers Milwaukee Brewers players Milwaukee Brewers managers National League Championship Series MVPs New Haven Ravens players Notre Dame Fighting Irish baseball players People from Whitefish Bay, Wisconsin Sportspeople from Milwaukee County, Wisconsin Baseball players from Wisconsin Tucson Sidewinders players Whitefish Bay High School alumni Mat-Su Miners players
크레이그 존 카운셀(Craig John Counsell, 1970년 8월 21일 ~ )는 메이저 리그 베이스볼에서 전 미국의 프로 야구 선수이며 감독이다. 카운셀은 5개의 팀들을 위하여 16개의 시즌들에서 활약한 내야수였다. 현재 그는 2015년 5월 이래 밀워키 브루어스의 감독이다. 카운셀은 1997년 플로리다 말린스와 2001년 애리조나 다이아몬드백스와 함께 자신의 플레이오프 상연들로 가장 잘 알려졌다. 그는 월드 시리즈가 끝내기 타점과 끝난 마지막 2회를 위한 루에 지내온 우수성을 가지며 2001년 내셔널 리그 챔피언십 시리즈의 MVP로 임명되었다. 그는 또한 자신의 유일한 타구 자세로 알려졌으며 자신 경력의 거의를 위하여 카운셀은 자신의 머리 위에 자신의 배트를 잡고 타격을 위한 자신이 준비하는 동안에 여전힌 더 높게 뻗는 것으로 보였다. 자신 경력의 후반에 카운셀은 두드러지게 자신의 타구 자세를 낮추었다. 초기 생애 인디애나주 사우스벤드에 태어난 카운셀은 위스콘신주 화이트피시 베이에서 자라와 자신이 야구를 한 화이트피시 베이 고등학교에서 수학하였다. 그의 부친 존은 밀워키 브루어스를 위한 그들의 의장국의 국장과 공동체 관계의 관리자로 일하였다. 카운셀은 자신이 노트르담 파이팅 아이리시 야구 팀을 위하여 활약한 노트르담 대학교에서 수학하였다. 프로 경력 콜로라도 로키스는 1992년 메이저 리그 베이스볼 드래프트의 11번째 라운드에서 카운셀을 선발하였다. 그는 1995년 9월 17일 로키스와 자신의 메이저 리그 데뷔를 하고 그 시즌에 로키스를 위하여 3개의 경기들 만에 나왔다. 로키스는 1997년 7월에 마크 허튼을 위하여 카운셀은 플로리다 말린스로 이적시켰다. 그는 즉시 말린스의 정규적 출발 2루수가 되었다. 그는 클리블랜드 인디언스를 상대로 1997년 월드 시리즈의 7번째 경기 11회의 말에서 우승점을 득점하였다. 1999년 6월 말린스는 후에 임명될 선수(마이너 리그 선수 라이언 모스카우)를 위하여 카운셀을 로스앤젤레스 다저스로 이적시켰다. 다저스는 2000년 봄 훈련이 있는 동안에 카운셀은 내보내고 그는 애리조나 다이아몬드백스와 계약을 맺었다. 다이아몬드백스와 그의 체재는 4년 동안 지속되었다. 카운셀은 2001년 내셔널 리그 챔피언십 시리즈에서 8루 21타를 치고 챔피언십 시리즈의 MVP 상을 수상하였다. 그는 루이스 곤살레스가 다이아몬드백스를 위한 우승점에서 히트를 쳐서 주자를 흠인시킨 후, 2001년 월드 시리즈 7번째 경기 9회의 말에서 곤살레스를 위한 만루를 만드는 데 마리아노 리베라에 의한 투구에 의하여 안타되었다. 2003년 시즌 이후에 다이아몬드백스는 리치 섹슨과 후에 임명될 선수(마이너 리그 선수 누치 바너)를 위하여 크리스 카푸아노, 채드 몰러, 라일 오버베이, 호르헤 데라로사와 주니어 스파이비와 함께 카운셀을 밀워키 브루어스로 이적시켰다. 브루어스와 함께 카운셀은 2004년 유격수에서 시작하였다. 브루어스와 1개의 시즌 후에 카운셀은 더 2개의 시즌들을 위하여 자유 계약 선수로서 다이아몬드백스로 돌아왔다. 카운셀은 2007년을 위하여 자유 계약 선수로서 브루어스에 돌아와 유용 내야수의 역할을 채웠다. 그는 다저스의 데릭 로를 상대로 2008년 8월 16일 자신의 1000번째 경력 안타를 기록하였다. 2011년 그는 내셔널 리그에서 4번째로 연장자 선수였고, 모든 활동적 2루수들의 2번째로 최고 경력 수비 퍼센티지를 가졌다. 2010년 그는 스포팅 뉴스에 의하여 스포츠에서 13번째로 가장 훌륭한 선수로 선택되었다. 2011년 6월 11일에서 8월 3일까지 카운셀은 직위 선수를 위한 안타 없이 연속적 타석을 위한 스포츠 사상의 기록을 동점매겨 벤치 선수와 임시 선발 투수로서 45개의 타석들의 연정 연승에서 치지 않았다. 기록은 1909년 이름나게 부족한 타수 빌 버겐에 의하여 세워지고 후에 내야수 데이브 캠벨에 의하여 동점이 매겨졌다. 그 일은 버겐의 연정 연승은 46개였다고 보고되었으나 그 후의 연구는 뚜렷이 45개의 타석에서 멈추어진 버겐의 연정 연승을 설립하여 카운셀이 동점을 매겼으나 기록을 깨지 않았다는 의미였다. 기록은 카운셀이 동점을 매긴지 몇주 후의 만에 다저스의 에우게니오 벨레스에 의하여 깨졌다. 수비 평가되는 방어의 공간적 집합 수비 평가에 의하여 카운셀은 각각 10.18점과 5.86점으로 모아진 평균 득점들과 함께 2002년부터 2008년까지 둘다 최고의 정격 2루수와 3루수였다. 선수 생활의 이후의 경력 2012년 초순에 카운셀은 브루어스와 함께 최종적 직위를 차지하려고 프로 야구 선수로서 은퇴를 하였다. 카운셀은 총지배인 더그 멜빈에 특별 보조인을 지냈다. 2014년 카운셀은 브루어스 라디오 방송을 위한 일부 시간의 흥미와 상상을 자극하기 위하여 곁들여진 프로의 분석자로 임명되었다. 그는 주요 아나운서 밥 유커가 빠질 때 조 블록과 함께 한 호출 경기들로 대릴 해밀턴과 제리 오거스틴과 함께 교대하였다. 2015년 5월 4일 카운셀은 하루 전에 론 로니크가 해고를 당한 후에 브루어스의 감독이 되는 데 그 팀에 의하여 기용되었다. 그는 3년 계약을 맺었다. 개인 생활 그는 부인 미셸과 함께 4명의 자식들을 두었는데 아들 브래디와 잭, 딸 핀리와 로언이다. 외부 링크 1970년 출생 살아있는 사람 미국의 야구 선수 메이저 리그 베이스볼 내야수 인디애나주 출신 야구 선수 미국의 야구 감독 콜로라도 로키스 선수 플로리다 말린스 선수 로스앤젤레스 다저스 선수 애리조나 다이아몬드백스 선수 밀워키 브루어스 선수 밀워키 브루어스 감독 내셔널 리그 챔피언십 시리즈 최우수 선수
amphora/parallel-wiki-koen
full
The Hallé is an English symphony orchestra based in Manchester, England. Since 1996, the orchestra has been resident at the Bridgewater Hall in Manchester. History In May 1857, the pianist and conductor Charles Hallé set up an orchestra to perform at the Manchester Art Treasures Exhibition, which it did until October. Hallé decided to continue working with the orchestra as a formal organisation, and it gave its first concert under those auspices on 30 January 1858. The orchestra's first home was the Free Trade Hall. By 1861 the orchestra was in financial trouble, and it performed only two concerts that year. In 1888 German violinist Willy Hess become leader of The Hallé, a role he held until 1895. From its opening in 1893 he was also the principal professor of violin at the Royal Manchester College of Music. Hans Richter served as music director from 1899 to 1911. During his tenure, the orchestra gave the first performance of the Symphony No. 1 of Sir Edward Elgar. In 1943 the orchestra was again in crisis, having diminished in size to 30 players. Over the next 27 years, from 1943 to 1970, the orchestra's next music director, Sir John Barbirolli, restored the Hallé to national prominence. On 3 February 1946 The Hallé Orchestra and Chorus (conducted by John Barbirolli) performed Aida at Belle Vue, Manchester. In addition to playing in all parts of the UK, in these years the orchestra visited Germany, Austria, Holland, Czechoslovakia, Poland, Spain, Portugal, Southern Rhodesia, Yugoslavia, Turkey, Italy, Greece, Switzerland, France, Scandinavia, Central and Southern America and the West Indies. Together, they made many recordings, including the first recording of Ralph Vaughan Williams' Symphony No. 8, of which they also gave the first performance. During Barbirolli's tenure, one of the most notable orchestra members was concertmaster Martin Milner, who served in that capacity from 1958 to 1987. Barbirolli regarded Milner as his "right-hand man" and once wrote in appreciation to him: "You are the finest leader I have ever had in my fairly long career." Kent Nagano was principal conductor of the orchestra from 1992 to 1999. The orchestra moved from the Free Trade Hall to the Bridgewater Hall in 1996 as its primary concert venue. During his tenure, Nagano received criticism for his expensive and ambitious programming, as well as his conducting fees. However, poor financial management at the orchestra separately contributed to the fiscal troubles of the orchestra. The orchestra faced major financial problems during the late 1990s, including a £1.3 million deficit in 1998, to the point where the existence of the orchestra was threatened with loss of funding from the Arts Council and ultimately bankruptcy. During 1997 there was an eight-month period when the orchestra had no executive director. Leslie Robinson served for two years as chief executive after that period, starting changes to the orchestra to start to bring under control the orchestra's financial troubles. These included public fund-raising, which netted £2 million, cutting the number of people on the orchestra board in half, and reducing the number of musicians in the orchestra from 98 to 80. In 1999, John Summers became the orchestra's chief executive, and continued Robinson's fiscal practices to restore greater financial security to the orchestra. In 2001, the Arts Council awarded the orchestra a £3.8 million grant to allow it to pay off accumulated debts and increase musician salaries, which had been frozen for 4 years. In September 2000, Sir Mark Elder took up the position of music director, having been appointed to the post in 1999. His concerts with the orchestra have received consistently positive reviews, and he is generally regarded as having restored the orchestra to high critical and musical standards. In 2004 Elder signed a contract to extend his tenure through 2010, and in May 2009 the Hallé announced a further extension to 2015. In November 2013, the Hallé announced the further extension of Elder's contract through "at least 2020". One of the orchestra's ideas was to try to find alternative stage dress to the traditional "penguin suits", but this idea did not come to fruition. The orchestra has also begun to issue new CD recordings under its own label. In 2017, the orchestra began a series of recordings in collaboration with the film composer, Benson Taylor. In March 2006, the orchestra was forced to cancel a planned tour of the United States because of the cost and administrative difficulties in obtaining visas for the musicians, a result of the tougher visa regulations intended to combat potential terrorist attacks. The orchestra appointed its first-ever principal guest conductor, Cristian Mandeal, in 2006. He served in this post until 2009. In February 2008, the orchestra announced the appointment of Markus Stenz as its second and next principal guest conductor, starting in 2009. Past assistant conductors have included Edward Gardner, Rory Macdonald, Andrew Gourlay, and Ewa Strusińska (2008–2010), the first female conductor named to a UK assistant conductorship. In September 2016, Jonathon Heyward became the Hallé's assistant conductor, whose duties include musical direction of the Hallé Youth Orchestra. The current leader of the Hallé is Roberto Ruisi. The orchestra's current assistant conductor is Delyana Lazarova, through the 2022-2023 season. The orchestra's current head of artistic planning is Anna Hirst. Summers retired as chief executive in July 2020. The orchestra's current chief executive is David Butcher, who was named to the post in February 2020 and assumed the post in July 2020. In February 2023, Elder stated his intention to stand down as music director of the orchestra at the close of the 2023-2024 season. Elder is scheduled to take the title of conductor emeritus with the orchestra as of the 2024-2025 season. In February 2023, Kahchun Wong first guest-conducted The Hallé. In June 2023, The Hallé announced the appointment of Wong as its next principal conductor and artistic advisor, effective with the 2024-2025 season, with an initial contract of 5 seasons. Notable premieres Ensembles Along with the Hallé Orchestra, the Hallé Concerts Society also supports a number of ensembles. Hallé Choir The Hallé Choir was founded with the orchestra in 1858 by Sir Charles Hallé. The choir gives around ten concerts a year with the Hallé at The Bridgewater Hall and other venues across the UK. The current Hallé Choir Director is Matthew Hamilton. Hallé Youth Orchestra The Hallé Youth Orchestra was founded in 2002, with Edward Gardner as their first conductor. The HYO regularly work with members of the Hallé Orchestra through workshops, and each summer undertake a tour. Hallé Youth Choir The Hallé Youth Choir was founded in 2003 for singers aged 13–19 years. Hallé Children's Choir The Hallé Children's Choir is a choir for singers aged 8–12, intended as an introduction to singing at the highest level. Principal conductors Venues The Hallé performs about 70 concerts a year in Manchester's Bridgewater Hall, opened in 1996. Hallé St Peter's is a former church in Ancoats which was converted for the orchestra to use for rehearsals, recordings, and small performances, and as a base for the choirs and Youth Orchestra. It was opened in 2013 by Sophie, Countess of Wessex. Simon Armitage, the Poet Laureate, wrote a poem "the event horizon" to commemorate the opening of its extension, the Oglesby Centre in 2019, and the poem is included in the building "in the form of a letter-cut steel plate situated in the entrance to the auditorium, the 'event horizon'". Hallé at St Michael's is another converted church, used as a space for artistic and educational activities and community events. References Bibliography Kennedy, Michael (1982) The Hallé, 1858–1983: a History of the Orchestra. Manchester: Manchester University Press, External links The Hallé official website 1858 establishments in England Organizations established in 1858 Arts organizations established in 1858 British symphony orchestras English orchestras Musical groups established in 1858 Musical groups from Manchester Organisations based in Manchester Organisations based in Greater Manchester Charities based in Manchester Charities based in Greater Manchester Culture in Manchester Erato Records artists
할레 관현악단(Hallé Orchestra)은 맨체스터를 거점으로 활동하는 영국의 관현악단이다. 영국에서는 더 할레(The Hallé)라고 부르고 있으며, 이것이 공식 명칭이 되어 있지만 많은 해외 국가들에서는 할레 관현악단이라는 명칭을 아직 더 많이 쓰고 있다. 역사 1857년에 독일 태생의 지휘자 겸 피아니스트였던 찰스 할레가 맨체스터에서 열린 예술 전시회의 임시 악단으로 창단한 것이 시초이며, 전시회 종료 후 상설 관현악단으로 유지하기로 하고 1858년 1월 30일에 공식적인 창단 연주회를 개최했다. 동시에 할레가 초대 상임 지휘자로 부임했고, 1895년에 타계할 때까지 재임하면서 악단 발전의 기초를 닦았다. 할레 타계 후에는 프레데릭 코웬이 자리를 이어받았으며, 1899년에는 독일 출신의 명지휘자 한스 리히터를 초빙했다. 리히터는 독일계 레퍼토리의 적극적인 취급 외에도 엘가의 교향곡 제1번을 초연하는 등 동시대 영국 음악의 소개와 보급에도 힘썼다. 리히터 사임 후에는 역시 독일인이었던 미하엘 발링이 상임 지휘자로 취임했으나, 1914년에 1차 세계대전 발발과 함께 적성국인이라는 이유로 사임해야 했다. 발링의 후임으로는 토머스 비첨이 음악 고문 자격으로 임명되었으나, 전쟁으로 인해 맨체스터의 경제가 장기간 불황을 겪게 되면서 악단의 연주 횟수가 점차 줄어들기 시작했고 연주력도 하향세를 보이게 되었다. 1920년에 해밀턴 하티가 상임 지휘자로 취임해 본격적인 악단 재건을 시작했으나, 1934년에 하티가 사임하면서 다시 답보 상태가 되었다. 1939년에는 말콤 사전트가 수석 지휘자 직책으로 취임했으나, 2차 세계대전으로 인해 다시 심각한 재정난에 직면하게 되었고 한때 악단 규모를 실내 관현악단 수준으로 급격히 줄여 운영하는 비상 체제를 취하기도 했다. 1943년에 미국에서 활동하던 존 바비롤리가 귀국해 상임 지휘자를 맡으면서 다시 재건 계획이 시작되었으며, 폭격으로 파괴된 공연장 대신 서커스 공연장을 사용하는 등의 열악한 환경에도 불구하고 점차 실력과 수준이 향상되었다. 1940년대 후반부터는 맨체스터 외에 런던에서도 정기적으로 공연하기 시작했으며, HMV(현 EMI)와 녹음 계약을 맺고 엘가나 본 윌리엄스, 아놀드 박스 등의 관현악 작품들을 녹음했다. 1950년대에 HMV가 필하모니아 오케스트라를 중심으로 관현악 녹음 작업을 진행한다고 통고하자, 바비롤리는 신생 음반사인 파이(Pye)로 소속을 옮겨 바로크에서 동시대 작품에 이르는 방대한 양의 레퍼토리를 녹음했다. 본 윌리엄스의 교향곡 제7번과 제8번 등 신작들의 초연도 맡았으며, 1962년에 EMI와 재계약이 성립된 뒤에는 시벨리우스의 번호 붙은 교향곡 전집(1-7번) 등을 녹음했다. 바비롤리가 1970년에 심장 발작으로 타계한 뒤에는 약 2년 간의 공백기를 두었고, 1972년에 제임스 로프런이 상임 지휘자로 부임했다. 로프런은 1983년까지 재임했고, 후임으로 스타니스와프 스크로바체프스키와 켄트 나가노가 차례로 상임 지휘자를 맡았다. 그러나 나가노는 악단과 출연료 인상 문제로 잦은 말썽을 빚었고, 악단 경영진 측에서는 자금난을 타개하기 위해 단원들의 임금을 동결하고 악단 규모를 축소하는 등 비상 조치를 단행하기도 했다. 2000년에는 마크 엘더가 자리를 이어받아 현재까지 재임 중이다. 이외에 2005년부터 수석 객원 지휘자로 루마니아 출신인 크리스티안 만데알이 활동하고 있고, 부지휘자는 로리 맥도날드가 맡고 있다. 주요 활동 공연장은 창단 당시부터 프리 트레이드 홀을 사용하고 있었고, 2차 세계대전 중 폭격으로 전소된 뒤에는 위에 서술한 대로 서커스 공연장인 '벨뷰(Belle Vue)' 나 딘즈게이트 홀 등을 임시 공연장으로 사용하기도 했다. 1951년에 프리 트레이드 홀이 재개관하면서 다시 상주 악단으로 들어가 1990년대까지 이용했으나, 1996년에 프리 트레이드 홀의 철거와 용도 변경이 발표되고 신축 공연장인 브리지워터 홀이 완공되자 옮겨가 현재까지 활동하고 있다. 맨체스터 외에도 브래드퍼드와 셰필드, 노팅엄 등 주변 도시들에서도 공연하고 있으며, 부속 단체로는 창단과 동시에 결성된 할레 합창단(Hallé Choir)을 비롯해 할레 청소년 관현악단(Hallé Youth Orchestra)과 할레 청소년 합창단(Hallé Youth Choir)이 활동하고 있다. 최근에는 팝스 콘서트나 패밀리 콘서트 등을 도입하는 등 청중 확보에 주력하고 있다. 녹음은 바비롤리 시대에 대량으로 취입했고, 해외에도 음반들이 소개되면서 지방 악단의 한계를 돌파하는 데 큰 역할을 했다. 최근에는 BBC 방송 자료실의 음원들을 바탕으로 BBC 레전즈에서 미발표 음원들이 계속 발굴되어 음반화되고 있다. 바비롤리의 후임인 로프런도 브람스의 교향곡 전곡을 비롯한 녹음을 남겼으며, 나가노는 전속사인 버진 클래식스에서 음반 작업을 했다. 엘더가 상임 지휘자로 임명된 뒤에는 기존 음반사들의 미온적인 반응을 타개하기 위해 악단 자체 음반사를 설립했으며, 이후 대부분의 음반들은 자주 제작 형식으로 출반되고 있다. 최신 음반들은 대부분 엘더 지휘의 신녹음들이 많지만, 스크로바체프스키 등 녹음이 뜸했던 지휘자들의 실황 음원 등 희귀 자료도 포함되어 주목을 받고 있다. 역대 상임 지휘자 찰스 할레 (1858-1895) 프레데릭 코웬 (1895-1899) 한스 리히터 (1899-1911) 미하엘 발링 (1912-1914) 토머스 비첨 (1915-1920. 음악 고문) 해밀턴 하티 (1920-1934) 말콤 사전트 (1939-1942. 수석 지휘자) 존 바비롤리 (1943-1970. 1968-1970 계관 지휘자) 제임스 로프런 (1972-1983) 스타니스와프 스크로바체프스키 (1983-1992) 켄트 나가노 (1992-1999) 마크 엘더 (2000-) 외부 링크 공식 홈페이지 영국의 관현악단 맨체스터의 문화 1858년 결성된 음악 그룹
amphora/parallel-wiki-koen
full
Power windows or electric windows are automobile windows which can be raised and lowered by pressing a button or switch, as opposed to using a crank handle. History Packard had introduced hydraulic window lifts (power windows) in fall of 1940, for its new 1941 Packard 180 series cars. This was a hydro-electric system. In 1941, the Ford Motor Company followed with the first power windows on the Lincoln Custom (only the limousine and seven-passenger sedans). Cadillac had a straight-electric divider window (but not side windows) on their series 75. Power assists originated in the need and desire to move convertible body-style tops up and down by some means other than human effort. The earliest power assists were vacuum-operated and were offered on Chrysler Corporation vehicles, particularly the low-cost Plymouth convertibles in the late 1930s. Shortly before World War II, General Motors developed a central hydraulic pump for working convertible tops. This system was introduced on 1942 convertibles built by GM. Previously, GM had used a vacuum system which did not have the power to handle increasingly larger and complex (four side-windows vs. only two) convertible top mechanisms. Chief Engineer of the Buick Division, Charles A. Chayne, "...had introduced an electrically controlled hydraulic system into the 1946 Buick convertibles that provided fingertip operation of the top, door windows, and front seat adjustment". These systems were based on major hydraulic advances made in military weapons in preparation for World War II. The "Hydro-Electric" system (windows, front seat adjustment and convertible top) was standard on 1947 model year. The seat and window assist system became available on GM closed cars (standard on some Cadillac Series 75 models and all Series 60 Specials, commonly called "Fleetwood" beginning with the 1948). The full system was standard only on the high-end GM convertibles made by Oldsmobile, Buick, and Cadillac. It was only available as a package; that is, power assisted windows, front seat, and convertible top (where applicable). This feature can be identified in 1948 and later General Motors model numbers with an "X" at the end, such as the 1951 Cadillac Sixty Special sedan, model 6019X. The electrically operated hydraulic pump system was shared by Hudson and Packard for their 1948 through 1950 models. The driver's door contained four buttons in addition to the remaining individual windows. Ford also had a similar electro-hydraulic system on higher-end convertibles. Mercury and Ford Sportsman convertibles (with wood trim) were equipped with power windows on four windows from 1946 through 1948 and Mercury and Lincoln by 1951. These systems were used by other luxury car models (Imperial and Packard) until Chrysler introduced the all-electric operation on the 1951 Imperial. The availability of power windows increased with the use of small, high-torque electric motors. General Motors also followed with full electric operation in 1954. This included four-way and then six-way seats, which were introduced in 1956. Chevrolet introduced the oddity of power front windows (only) in the 1954 model. Ford also introduced full four-door power windows in sedans in 1954. The full-sized 1955 Nash "Airflyte" models featured optional power windows. Electrically-operated vent windows were available as early as 1956 on the Continental Mark II. The 1960s Cadillac Fleetwood came standard with power front and rear vent windows, in addition to standard power side windows, for a total of eight power window controls on the driver's door panel. Modern heavy-duty highway tractors frequently have an option for power window controls; however, these are generally what is referred to as "straight air". That is, the compressed air system used for air brakes is also used for the windows. These types of trucks have long used compressed air cylinders for seat height adjustment. In a similar fashion to the electro-hydraulic system, the compressed air is merely released to lower the window and/or seat. The compressed air is then admitted to the respective cylinder to raise the window or seat. In a typical auto/light truck installation, there is an individual switch at each window and a set of switches in the driver's door or a-frame pillar, so the driver can operate all the windows. These switches took on many different appearances, from heavy chrome plate to inexpensive plastic. However, some models like Saab, Volvo, Mazda and Holden have used switches located in the center console, where they are accessible to all the occupants. In this case, the door-mounted switches can be omitted. This also removes the need to produce separate door components and wiring for left and right-hand drive variants. Operation Power windows are usually inoperable when the car is not running. This is primarily a security feature. It would be a simple thing to allow electric power windows to be operable when the ignition is turned off, however it would also make the car much easier to steal. Some systems offer the compromise of leaving power applied to the windows until a passenger door is opened at which time the window power is removed. Hydraulic drive systems could lower the windows at rest, since pressure from the hydraulic system was merely released to lower the window. Raising the windows required an electrically operated pump to operate and introduce pressure at the appropriate cylinder. These systems also required pressure lines to each cylinder (in the doors, as well as on certain cars, to the power seat and a power operated convertible top). Because of the complexity, the system could also leak fluid. Many modern cars have a time delay feature, first introduced by Cadillac in the 1980s, called "retained accessory power". This allows operation of the windows and some other accessories for ten minutes or so after the engine is stopped. Another feature is the "express-down" window, which allows the window to be fully lowered with one tap on the switch, as opposed to holding the switch down until the window retracts. Many luxury vehicles during the 1990s expanded on this feature, to include "express-up" on the driver's window, and recently, some manufacturers have added the feature on all window switches for all passengers' convenience. This is done by activating the switch until a "click" response is felt. Power windows have become so common that by 2008, some automakers eliminated hand crank windows from all their models. So many vehicles now have power windows that some people no longer understand the (formerly) common sign from another driver of using their hand to simulate moving a window crank to indicate that they wish to speak with someone when stopped at a light or in a parking lot. The 2008 Audi RS4 sold in Europe, however, still has roll-up windows for the rear doors although its counterpart sold in the U.S. has power windows for all doors. Safety Power windows have come under some scrutiny after several fatal accidents in which children's necks have become trapped, leading to suffocation. Some designs place the switch in a location on a hand rest where it can be accidentally triggered by a child climbing to place his or her head out of the window. To prevent this, many vehicles feature a driver-controlled lockout switch, preventing rear-seat passengers (usually smaller children) from accidentally triggering the switches. This also prevents children from playing with them and pets riding with their heads out windows from activating the power window switch. A power window lockout switch is a popular convenience that allows the driver to prevent passengers, usually children, from using the windows. Many cars have a feature called "courtesy power on" which allows the windows to remain operational for a brief period after the key is taken out of the ignition, so that adjustments can be made without putting the key back in. Additionally, some vehicles offer the option to operate the windows from outside the car using a remote. Starting with the 2008 model year, U.S. government regulations required automakers to install safety mechanisms to improve child safety. However, the rules do not prevent all potential injuries to a hand, finger, or even a child's head, if someone deliberately holds the switch when the window is closing. In 2009, the U.S. auto safety administration tentatively decided against requiring all cars to have automatic reversing power windows if they sense an obstruction while closing. Proposed requirements concern automatic ("one-touch up") window systems, but most vehicles with this feature already have automatic-reversing. The federal government made a written contract that all automakers should make the lever switches (as opposed to the rocker and toggle switches) standard on all new vehicles by 1 October 2010. References External links Power Windows Are Perilous (CBS News) Fixing Power Windows Nice, Karim. "How Power Windows Work." 29 January 2001. HowStuffWorks.com Automotive electronics Car windows American inventions 20th-century inventions
파워 윈도우()는 크랭크 핸들을 사용하는 대신 버튼이나 스위치를 눌러 올리거나 내릴 수 있는 자동차의 창문이다. 역사 패커드(Packard)는 1940년 가을에 새로운 1941년형 패커드 180 시리즈 자동차에 유압식 윈도우 리프트(파워 윈도우)를 도입했다. 이것은 수력 발전 시스템이었다. 1941년에는 포드 자동차가 링컨 커스텀(리무진과 7인승 세단만 해당)에 최초의 파워 윈도우를 출시했다. 캐딜락은 시리즈 75에 직선형 전기 칸막이 창(측면 창은 아님)을 가졌다. 파워 어시스트는 인간의 노력이 아닌 다른 수단으로 컨버터블 바디 스타일 탑을 위아래로 움직이려는 필요성과 욕구에서 비롯되었다. 최초의 동력 보조 장치는 진공 작동식으로 크라이슬러 차량, 특히 1930년대 후반의 저가형 플리머스 컨버터블에 제공되었다. 제2차 세계 대전 직전에 제너럴 모터스(GM)는 컨버터블 탑 작업을 위한 중앙 유압 펌프를 개발했다. 이 시스템은 GM이 제작한 1942년 컨버터블에 도입되었다. 이전에 GM은 점점 더 크고 복잡해지는(사이드 윈도우 4개 대 단 2개) 컨버터블 탑 메커니즘을 처리할 수 있는 성능이 없는 진공 시스템을 사용했다. 뷰익 사업부의 수석 엔지니어인 찰스 A. 체인은 "...1946년형 뷰익 컨버터블에 전기 제어식 유압 시스템을 도입하여 상단, 도어 윈도우 및 앞좌석 조정을 손끝으로 조작할 수 있었다"라고 말했다. 이 시스템은 제2차 세계 대전을 준비하면서 군사 무기에 적용된 주요 유압 발전을 기반으로 했다. 수력전기 시스템(창문, 앞좌석 조정 및 컨버터블 탑)은 1947년 모델에 표준이었다. 좌석 및 창문 보조 시스템은 GM 폐쇄형 자동차에서 사용할 수 있게 되었다(1948년부터 일반적으로 "플리트우드"라고 불리는 일부 캐딜락 시리즈 75 모델 및 모든 시리즈 60 스페셜스의 표준). 전체 시스템은 올즈모바일, 뷰익 및 캐딜락이 만든 고급 GM 컨버터블에만 표준이었다. 패키지로만 제공되었다. 즉, 전동 보조 창문, 앞좌석 및 컨버터블 탑(해당하는 경우)이다. 이 기능은 1951년 캐딜락 식스티 스페셜 세단, 모델 6019X와 같이 끝에 "X"가 있는 1948년 이후의 GM 모델 번호에서 식별할 수 있다. 전기로 작동되는 유압 펌프 시스템은 허드슨과 패커드가 1948년부터 1950년 모델까지 공유했다. 운전석 도어에는 나머지 개별 창문 외에 4개의 버튼이 포함되어 있다. 포드는 고급 컨버터블에도 유사한 전기 유압 시스템을 갖추고 있었다. 머큐리 및 포드 스포츠맨 컨버터블(목재 트림 포함)에는 1946년부터 1948년까지 4개의 창문에 파워 윈도우가 장착되었으며, 1951년에는 머큐리 및 링컨이 장착되었다. 이 시스템은 크라이슬러가 완전 전기식 컨버터블을 출시할 때까지 다른 고급 자동차 모델(임페리얼 및 패커드)에서 사용되었다. 1951 임페리얼 작전. 소형, 고토크 전기 모터의 사용으로 파워 윈도우의 가용성이 높아졌다. GM도 1954년에 완전 전기식 운전을 시작했다. 여기에는 1956년에 도입된 4방향 시트와 6방향 시트가 포함되었다. 쉐보레는 1954년 모델에 전동 전면 창(전용)이라는 특이한 기능을 도입했다. 포드는 또한 1954년에 세단에 완전한 4도어 파워 윈도우를 도입했다. 풀사이즈 1955년 내시 "에어플라이트"(Airflyte) 모델에는 옵션으로 제공되는 파워 윈도우가 있었다. 전기로 작동되는 통풍구는 1956년부터 컨티넨털 마크 II(Continental Mark II)에서 사용 가능했다. 1960년대 캐딜락 플리트우드에는 표준 파워 사이드 윈도우 외에도 파워 프론트 및 리어 벤트 윈도우가 기본으로 제공되어 운전석 도어 패널에 총 8개의 파워 윈도우 컨트롤이 있다. 현대의 대형 고속도로 트랙터에는 자동 창문 제어 옵션이 있는 경우가 많다. 그러나 이것은 일반적으로 "직선 공기"라고 불리는 것이다. 즉, 에어브레이크에 사용되는 압축공기 시스템을 윈도우에도 사용하는 것이다. 이러한 유형의 트럭은 오랫동안 시트 높이 조정을 위해 압축 공기 실린더를 사용해 왔다. 전기 유압식 시스템과 유사한 방식으로, 압축 공기는 단지 창 및 좌석을 낮추기 위해 방출된다. 그런 다음 압축 공기가 해당 실린더로 유입되어 창이나 좌석이 올라간다. 일반적인 자동차/경트럭 설치에서는 각 창문에 개별 스위치가 있고 운전석 도어 또는 프레임 기둥에 스위치 세트가 있어 운전자가 모든 창문을 조작할 수 있다. 이 스위치는 무거운 크롬판부터 저렴한 플라스틱까지 다양한 외관을 가졌다. 그러나 사브, 볼보, 마즈다 및 홀덴과 같은 일부 모델은 모든 탑승자가 접근할 수 있는 센터 콘솔에 있는 스위치를 사용했다. 이 경우 도어 장착 스위치를 생략할 수 있다. 이는 또한 좌측 및 우측 운전석 변형에 대해 별도의 도어 부품과 배선을 생산할 필요가 없도록 해준다. 안전 어린이의 목이 걸려 질식하는 치명적인 사고가 여러 건 발생한 후 파워 윈도우가 정밀 조사를 받게 되었다. 일부 디자인은 어린이가 창문 밖으로 머리를 내밀기 위해 올라가는 경우 실수로 작동될 수 있는 손 받침대 위치에 스위치를 배치한다. 이를 방지하기 위해 많은 차량에는 운전자가 제어하는 잠금 스위치가 장착되어 뒷좌석 승객(대개 작은 어린이)이 실수로 스위치를 작동하는 것을 방지한다. 이는 또한 어린이들이 그들과 함께 놀지 못하게 하고, 머리를 창문 밖으로 내민 애완동물이 전동 창문 스위치를 활성화하는 것을 방지한다. 파워 윈도우 잠금 스위치는 운전자가 승객(대개 어린이)이 창문을 사용하는 것을 방지할 수 있는 인기 있는 편의 장치이다. 많은 자동차에는 시동 장치에서 키를 뺀 후에도 잠시 동안 창문이 작동 상태를 유지하여 키를 다시 꽂지 않고도 조정할 수 있는 "예상 전원 켜기"라는 기능이 있다. 또한 일부 차량에서는 다음과 같은 기능을 제공한다. 리모컨을 사용하여 차량 외부에서 창문을 조작할 수 있는 옵션이다. 2008년 모델부터 미국 정부 규정에 따라 자동차 제조업체는 어린이 안전을 개선하기 위해 안전 장치를 설치해야 했다. 그러나 창문이 닫힐 때 누군가 고의로 스위치를 잡는 경우, 손, 손가락, 심지어 어린이의 머리에 대한 모든 잠재적인 부상을 방지하지 못한다. 2009년 미국 자동차 안전청은 모든 자동차에 문을 닫을 때 장애물이 감지되면 자동 후진 파워 윈도우를 장착하도록 요구하지 않기로 잠정 결정했다. 제안된 요구 사항은 자동("원터치 업") 윈도우 시스템에 관한 것이지만 이 기능을 갖춘 대부분의 차량에는 이미 자동 후진 기능이 있다. 연방 정부는 모든 자동차 제조업체가 2010년 10월 1일까지 모든 신차에 레버 스위치(로커 및 토글 스위치와 반대)를 표준으로 만들어야 한다는 서면 계약을 체결했다. 외부 링크 Power Windows Are Perilous (CBS News) Fixing Power Windows Nice, Karim. "How Power Windows Work." 29 January 2001. HowStuffWorks.com 자동차 창문 미국의 발명품 20세기 발명품
amphora/parallel-wiki-koen
full
An Chang-rim (; born 2 March 1994) is a South Korean retired judoka. An was the world champion in the lightweight division in 2018, He began his rise as one of judo's top lightweights by becoming junior World Champion. It was followed by a two-year podium streak, including wins at the prestigious Grand Slam Abu Dhabi and Tokyo. He is known for his physical, aggressive style of fighting, and is a versatile stylist of seoi nage. An won a bronze medal at the 2015 World Championships. South Korea's premier lightweight, he represented Korea at the 2016 Olympics. He was also seeded first at the Olympics. He is currently ranked fourth in the world. In December 2021 he officially announced retirement. Early life An was born to third generation Zainichi Korean parents. He wanted to compete for South Korea from a young age, saying "I was never discriminated against here [in South Korea]." An began judo in first grade. He attended Kyoto City Hachijo Junior High School, where he began to compete. He was unable to compete internationally for Japan because he refused naturalization. Before moving to Korea, An was a student at the University of Tsukuba, where he trained and was teammates with 2015 World Champion Takanori Nagase. He was the 2013 All Japan University lightweight champion. He currently attends and trains at Yong In University. Career 2014 World Judo Championships An began his competitive senior career in 2014, representing Korea at the 2014 World Judo Championships. He competed in the −73 kg category, after local lightweight number one Wang Ki-chun missed the tournament. He lost in the second round to Israeli champion Sagi Muki. 2014 World Junior Judo Championships An had a breakthrough in his junior career, winning the 2014 World Junior Championships in Fort Lauderdale. He won against Japan's Yuji Yamamoto in the final, scoring two waza-aris for ippon. 2014 Grand Prix Jeju An won his first IJF circuit title at the 2014 Grand Prix in Jeju, beating established opponents such as 2008 European Champion Dirk Van Tichelt in the semi-finals, and future European Champion Sagi Muki in the finals, both by ippon. 2014 Grand Slam Tokyo An competed in his first Grand Slam in 2014, at the heart of judo in Tokyo. He lost to double world champion Shohei Ono in the quarter-finals, and Ono would prove to be a stumbling block later on in his career. He won his first Grand Slam medal against Rustam Orujov in the bronze medal contest, winning narrowly by yuko. 2015 Grand Prix Dusseldorf An again had a fairly successful outing at the Grand Prix in Düsseldorf, where he was guaranteed a medal by beating Muki by ippon in the quarter-finals. However, he was again faced against his budding rival Ono, and lost in the semi-finals. He won a bronze medal by defeating Victor Scvortov. 2015 European Open Warsaw An continued his medal-winning streak at the European Open in Warsaw, reaching the final after winning all his fights en-route by ippon. He faced his first opponent from Asia in the tournament with Mongolia's Odbayar Ganbataar, where Ganbataar threw him for ippon, therefore beating An to settle for silver. 2015 Asian Judo Championships An won his first continental title at the Asian Judo Championships in Kuwait City. He defeated Sharofiddin Boltaboev in just 49 seconds by ippon. 2015 Universiade An defeated all his opponents by ippon at home ground in Gwangju. He defeated Yamamoto again in the semi-final, and took gold against Ukraine's Dmytro Kanivets. 2015 World Judo Championships An competed in his second world championships in Astana, Kazakhstan, and reached the semi-final. He was once again pitted against the eventual tournament winner Ono, and lost for the third time. Ono scored first with an uchi mata counter for waza-ari, and An leveled the scores by scoring waza-ari with a minute and a half to go. Ono sealed his win with an ushiro goshi, ending An's hopes of becoming Korea's third lightweight world champion, after Lee Won-hee and Wang. He then went on to win by shido against Ganbataar in the bronze-medal contest, becoming one of South Korea's five individual medalists at the championships. In the team competition, Korea faced Mongolia in the semi-finals. An faced Ganbataar and beat him for a second time in Astana with a seoi nage to win by ippon in just ten seconds. Korea won 4–1, and was set against Japan in the finals. An's opponent in the team final was double world champion and the 2015 silver medalist Riki Nakaya. Japan was one up after former world champion Masashi Ebinuma beat current world champion An Baul, putting pressure on An. An beat Nakaya by ippon with his signature skill seoi nage. Korea eventually lost to Japan 3–2, and had to settle for silver. 2015 Grand Slam Abu Dhabi An won his first Grand Slam at Abu Dhabi, winning all his fights by ippon with the exception of the quarter-final against half-lightweight Olympic champion Lasha Shavdatuashvili. He beat Germany's Igor Wandtke for the gold medal. 2015 Grand Prix Jeju An had a re-match with van Tichelt again in the final for the second year running at the Grand Slam in Jeju. He defeated the Belgian once again by ippon. 2015 Grand Slam Tokyo An faced his senior from the University of Tsukuba, world champion Hiroyuki Akimoto, in the final. After the match he said to The Japan News, "Two years ago at this event I was Hiroyuki-san's attendant. I intended to send him into retirement." He lost to Akimoto by waza-ari, settling for silver. 2016 Grand Slam Paris At his first outing to one of the IJF circuit's most prestigious events, An managed to win his second Grand Slam title. He had a re-match with Akimoto in the semi-final, and this time emerged victorious, winning by ippon and waza-ari. He defeated Russia's Denis Iartcev in the final. After winning the gold medal, An spoke to L'esprit du Judo, a French judo magazine. He answered their questions in Japanese, and was quoted saying, "I will win the Olympic final against Ono." 2016 Grand Prix Dusseldorf An again faced his rival Ono in the semi-final at the Grand Prix in Düsseldorf, and lost for the fourth time. He ended up winning bronze against Mongolia's Khadbataar Narankhuu. 2018 Baku World Championship An, for the first time, won the World Championship title. In the final he ended up going against his rival, Soichi Hashimoto from Japan. An beat Hashimoto with a Kosoto-gake which lead him to his first World Championship title. 2021 In 2021, he won the gold medal in his event at the 2021 Judo World Masters held in Doha, Qatar. Competitive record (as of 30 November 2019) References External links http://www.oasport.it/2015/12/judo-73-kg-orujov-in-testa-sfida-perenne-tra-ono-e-nakaya-bagarre-azzurra/ Living people 1994 births South Korean male judoka Judoka at the 2016 Summer Olympics Olympic judoka for South Korea Universiade medalists in judo Zainichi Korean athletes Sportspeople from Kyoto World judo champions Judoka at the 2018 Asian Games Asian Games silver medalists for South Korea Asian Games bronze medalists for South Korea Asian Games medalists in judo Medalists at the 2018 Asian Games FISU World University Games gold medalists for South Korea Medalists at the 2015 Summer Universiade Judoka at the 2020 Summer Olympics Medalists at the 2020 Summer Olympics Olympic medalists in judo Olympic bronze medalists for South Korea 21st-century South Korean people
안창림(安昌林, 1994년 3월 2일~)은 대한민국의 전 유도 선수다. 2015년 11월 수원시청에 입단하고 2016년 용인대학교를 졸업하였다. 2016년 7월, 73kg 이하급 세계 랭킹 1위의 선수였다. 재일교포 3세로, 2014년 11월 대한민국에 온 지 9달만에 국가대표 1진에 선발된 후 줄곧 국가대표 신분을 유지하고 있다. 2016년 국가대표 최종선발전에서 우승하며 2016년 하계 올림픽에 출전, 일본의 오노 쇼헤이와 함께 유력한 금메달 후보로 꼽혔다. 32강전 시리아의 모하메드 카셈에게 절반에 이은 한판승을 거두며 16강전에 진출했다. 그러나 16강전 벨기에의 디르크 판 티첼트(랭킹 18위)에게 절반패를 당하며 탈락했다. 경기 시작 47초만에 먼저 지도를 따냈지만 경기 종료 2분 14초를 남기고 절반을 내주며 끝내 만회하지 못했다. 판 티첼트와의 역대 전적에서 2승을 거뒀지만 올림픽에서 패했다. 학력 2016년 2월 용인대학교 수상내역 2020 도쿄 올림픽 유도 남자 -73kg급 동메달 2018 아제르바이잔 세계유도선수권 혼성단체전 동메달 2018 아제르바이잔 세계유도선수권 남자 -73kg급 금메달 2018 제18회 자카르타-팔렘방 아시안게임 유도 혼성단체전 동메달 2018 제18회 자카르타-팔렘방 아시안게임 유도 남자 -73kg급 은메달 2016 뒤셀도르프 그랑프리 남자 -73kg급 동메달 2016 파리 그랜드슬램 남자 -73kg급 금메달 2015 도쿄 그랜드슬램 남자 -73kg급 은메달 2015 제주 그랑프리 남자 -73kg급 금메달 2015 아부다비 그랜드슬램 남자 -73kg급 금메달 2015 제96회 전국체육대회 남자 대학부 -73kg급 1위 2015 카자흐스탄 세계유도선수권 남자 -73kg급 동메달 2015 제28회 광주 하계유니버시아드대회 유도 남자 단체전 은메달 2015 제28회 광주 하계유니버시아드대회 유도 남자 -73kg급 금메달 2015 아시아유도선수권대회 남자 -73kg급 금메달 2015 유러피안 오픈 남자 -73kg급 은메달 2015 뒤셀도르프 그랑프리 남자 -73kg급 동메달 2014 도쿄 그랜드슬램 남자 -73kg급 동메달 2014 제주 그랑프리 국제유도대회 남자 -73kg급 금메달 2014 제95회 전국체육대회 남자 대학부 -73kg급 1위 2014 세계청소년선수권대회 남자 -73kg급 금메달 2013 전일본학생 유도선수권 남자 대학부 -73kg급 1위 2011, 2012 재일동포 대표로 대한민국 전국체전 지역예선 참여(2011 경기도 고등부 2위, 2012 대구 대학부 2위) 생애 안창림은 일본 교토 태생으로 재일교포 3세이다. 교토는 와세다대 유학생이었던 그의 할아버지가 정착한 곳이다. 유도는 초등학교 1학년 때 가라데 도장을 운영하던 아버지의 권유로 시작했다. 처음 시작은 가라데를 하는데 도움이 될 것 같아서였으나, 곧 유도에 더 재미를 붙이게 되었다. 초등학교 5학년 때 쓴 <나의 꿈>이라는 작문에 '대한민국 국가대표가 되어 올림픽에서 금메달을 따고 싶다' 중학교 때 쓴 글에는 '내가 패하면 (재일교포인) 우리 가족들이 슬퍼한다. 재능이 부족하다면 남보다 3배 더 노력할 수 밖에 없다.'는 기록을 남겼다고 한다. 고등학교를 입학할 당시만 해도 평범한 선수였으나 인근 토인대 유도부를 찾아 궂은 일을 해가며 유도를 배우는 근성으로 실력이 일취월장하였다.피나는 노력으로 유도 명문 쓰쿠바 대학에 입학, 2학년이던 2013년 전일본학생선수권 66kg 이하급 1위에 올랐다. 이에 대학 감독은 일본 귀화를 권유하며 한국행을 만류했으나, 태극마크의 꿈을 가지고 있던 안창림은 2014년 2월 한국행을 택했다. 평소 잘 알고 지내던 전 유도 국가대표 안정환이 연결고리가 되었다. 안정환의 삼촌은 1984년 LA 올림픽 금메달리스트인 안병근 용인대 교수다. 안병근 교수의 도움으로 용인대 3학년에 편입한 안창림은 불과 한 달 만에 국가대표 2차 선발전에서 3위를 차지해 이름을 알렸다. 3개월 후 열린 국가대표 최종선발전에서는 1위에 오르며 국내 유도계를 놀라게 했다. 국제대회 경험이 없어 인천 아시안게임 출전권이 주어지는 대표 1진 명단에는 속하지 못했고, 국가대표 파트너(연습상대) 자격으로 태릉선수촌에 입촌하였다. 안창림이 처음으로 출전한 국제대회는 2014 러시아 첼랴빈스크 세계 유도 선수권이다. 이 대회 2라운드에서 당시 세계랭킹 2위이던 사기 무키에게 패했지만 이 경험이 큰 도움이 되었다고 한다. 10월 미국 마이애미에서 열린 세계 청소년 선수권 대회에 출전해 태극마크를 달고 처음으로 금메달을 땄다. 부모님의 걱정을 덜어드릴 수 있어 이 대회 우승이 가장 기뻤다고 한다. 이 대회를 시작으로 출전한 국내외 대회마다 메달을 목에 걸었고 2016 파리 그랜드슬램 우승 직후인 2월, 세계랭킹 1위에 올랐다. 안창림은 원래 힘보다는 업어치기와 안뒤축걸기를 주무기로 포인트를 따내 승리하는 '경기 운영형 선수'였으나, 대한민국에 오면서 경기를 풀어내는 방식이 달라졌다.웨이트 트레이닝을 통해 체중을 늘이며 '한판승의 사나이'로 진화했다. 그는 최근 들어서 업어치기와 안뒤축걸기는 물론 빗당겨치기, 들어매치기, 조르기, 누르기 등 다양한 기술을 사용한다. 주특기인 업어치기도 외깃, 양팔, 한팔 등 다양하게 쓰면서 대부분의 시합을 한판승으로 끝내고 있다. 한국과 일본의 유도를 모두 체득해 힘과 기술을 모두 갖춘 '완전체'가 되어가고 있다는 평가를 받는다. 2020년 하계 올림픽에 참가한 후, 2021년 12월 5일에 현역 은퇴를 선언했다. 각주 외부 링크 안창림 - Judoinside 안창림 - Sports Reference.com 1994년 출생 살아있는 사람 21세기 대한민국 사람 20세기 대한민국 사람 대한민국의 남자 유도 선수 대한민국의 올림픽 동메달리스트 올림픽 유도 메달리스트 2020년 하계 올림픽 메달리스트 대한민국의 올림픽 유도 참가 선수 2016년 하계 올림픽 유도 참가 선수 2020년 하계 올림픽 유도 참가 선수 대한민국의 아시안 게임 은메달리스트 대한민국의 아시안 게임 동메달리스트 아시안 게임 유도 메달리스트 2018년 아시안 게임 메달리스트 2018년 아시안 게임 유도 참가 선수 대한민국의 유니버시아드 금메달리스트 대한민국의 유니버시아드 은메달리스트 유니버시아드 유도 메달리스트 2015년 하계 유니버시아드 메달리스트 2015년 하계 유니버시아드 유도 참가 선수 교토시 출신 용인대학교 동문 재일 한국인 스포츠 선수
amphora/parallel-wiki-koen
full
Agriculture in Kazakhstan remains a small scale sector of Kazakhstan's economy. Agriculture's contribution to the GDP is under 10% - it was recorded as 6.7%, and as occupying only 20% of labor. At the same time, more than 70% of its land is occupied in crops and animal husbandry. Compared to North America, a relatively small percentage of land is used for crops, with the percentage being higher in the north of the country. 70% of the agricultural land is permanent pastureland. Kazakhstan's largest crop is wheat, which it exports. It ranks as the sixth largest wheat producer in the world. Minor crops include barley, cotton, sugar beets, sunflowers, flax, and rice. Agricultural lands in Kazakhstan were depleted of their nutrients during the Virgin Lands Campaign during the Soviet era. This continues to affect production today. Kazakh wine is produced in the mountains east of Almaty. In 2011 the country had achieved record grain harvests of 26.9 million tonnes, exceeding the previous record of 21mn tonnes recorded in 2009. For 2012, the Kazakh Agriculture Ministry cut the crop forecast to only 14 million tons because of dry weather. Animals raised in Kazakhstan include cattle, chickens, sheep, pigs, horses and goats (in descending order of numbers). Meat production in tons was highest in cows, pork, mutton, chicken, and "other meat". Wool, cow milk, and eggs are the other major animal products of the country. Kazakhstan has the largest wolf population of any nation in the world, with about 90,000. In March 2015 the Minister of Agriculture of Kazakhstan said that Kazakhstan had almost doubled agricultural production in the past 5 years. He also noted that the agricultural exports had increased by 1.6 times during that period and had reached US$3 billion. On July 23, 2015, the Kazakhstan Vice Minister of Agriculture said that within the framework of the law "On Agricultural Cooperation" a special tax regime would be introduced for agricultural cooperatives. This initiative is expected to contribute to the development of the agricultural sector of Kazakhstan. From 1995 to 2015 Kazakhstan's volume of agricultural production has increased by 41%. Agricultural exports were worth $379 million in 2015, reports the Ministry of Agriculture. Investment in Kazakh agriculture increased 50% in 2016 totaling 228 billion tenge (US$686.96 million) compared to 148 billion tenge (US$445.92 million) a year earlier. Production Kazakhstan produced in 2018: 13.9 million tons of wheat (14th largest producer in the world); 3.9 million tons of barley (11th largest producer in the world); 3.8 million tonnes of potato (20th largest producer in the world); 1.2 million tons of watermelon (12th largest producer in the world); 933 thousand tons of flax (largest producer in the world); 893 thousand tons of melon (5th largest producer in the world); 862 thousand tons of maize; 847 thousand tons of sunflower seed (13th largest producer in the world); 813 thousand tons of onion; 765 thousand tons of tomato; 566 thousand tons of carrot; 546 thousand tons of cabbage; 504 thousand tons of sugar beet, which is used to produce sugar and ethanol; 482 thousand tons of rice; In addition to smaller productions of other agricultural products. State programs Agribusiness - 2020 In February 2013, the Government of Kazakhstan approved a new sectoral program of agro-industrial complex development for 2013-2020 “Agribusiness – 2020” at a session chaired by Prime Minister Serik Akhmetov. The Agribusiness-2020 Program aims to develop four dimensions: financial recovery, increase of affordability of products, works and services for the agro-industrial sector entities, development of the state system of agricultural producers support, improvement of efficiency of the state management system of the agro-industrial complex. In line with the Agribusiness-2020 Program, the Government of Kazakhstan approved one stimulation package in April 2014: the rules of subsidizing efforts to restore agricultural companies to health. In the first half of 2014 it is planned to provide 140 billion tenge ($770 million) to second-tier banks for this purpose. Experts doubt that capital subsidies alone can provide a remedy to Kazakhstan's agricultural development challenges. Instead, more encompassing institutional reforms such as improvements in the rural education system and a devolution of political power to local decision makers are recommended. Financing of cooperatives In 2016 Kazakhstan's Ministry of Agriculture launched a program aimed at providing financing to cooperatives that help farms buy equipment, store and transport products, provide veterinary services, organize the supply of fodder and agrochemical products and help with lending. This program allowed 157 cooperatives provide assistance to 15,000 farms. The cooperatives created more than 100 milk collecting centres and 7,000 forage bases. Grain production Kazakhstan is one of the world's major wheat and flour exporters. It is among the 10 largest wheat producers. The main grain crop is milling wheat, which is typically high in quality and protein. There is a growing trend for Kazakhstan to export its grain internationally. In 2011, the country netted a record crop – nearly 27m tonnes, which enabled it to set its grain export target at nearly 15m tonnes for the 2011/2012 marketing year. FAS/Astana forecasts Kazakhstan's wheat production in 2014 at 14.5 million tons, up from 13.9 million tons in 2013. In July 2015, Minister of the National Economy Yerbolat Dossayev announced that Kazakhstan would increase export of grain and flour to Kyrgyzstan by 50-60% by 2020 after Kyrgyzstan's accession to the Eurasian Economic Union. According to the head of the ministry, as of July 2015 trade turnover between the two countries was more than US$1 billion. Kazakhstan’s grain and flour exports saw a 4.5% growth in the first four months of the 2020 marketing season. The country exported 2.734 million tonnes mainly to Central Asia and Afghanistan. Wheat and wheat flour exports totaled 1.934 million tonnes and 700,000 tonnes, respectively. Long-term production trends In 2013, the Kazakh Ministry of Agriculture released a Master Plan for “The stabilization of the grain market”. This Plan is in support of their Agribusiness – 2020 program and in it the Ministry sets goals and projections for grain production, consumption and exports between 2013-2020. A few key trends shown in these projections include: The Ministry projects sown area for all grains to stay relatively steady over this period, falling only slightly. There is projected to be a sizeable shift from wheat, with wheat area projected to fall 2 million hectares (14 percent) from 13.5 million hectares in 2012 to 11.5 million hectares in 2020. Most of that reduced area is expected to be replaced with so called “feed crops” primarily feed grains, which are projected to increase 1.5 million hectares (53 percent) from 2.8 million hectares to 4.3 million hectares in 2020. Investments In 2014 the volume of investments in Kazakhstan's agricultural sector exceeded 166 billion KZT, which is 17 percent more than in 2013. The aggregate profitability index of large and medium-sized companies operating in Kazakhstan's agricultural sector stood at 17.7 percent, while this index was equal to 4.5 percent in the same period of 2013. Investment in agriculture in 2015 increased 3.4 times, which totaled to 167 billion tenge. $1.1 billion was directed in Kazakhstan's agriculture in 2019, a 41% increase compared to 2018. Nearly 85 agricultural investment projects worth almost $271 million were commissioned in Kazakhstan in 2019. Partnerships On May 23, 2015, Food and Agriculture Organization of the United Nations (FAO) Director-General José Graziano da Silva and Kazakhstani Minister of Agriculture Assylzhan Mamytbekov signed an agreement establishing an FAO Partnership and Liaison Office in the country. The FAO's new partnership with Kazakhstan will bring FAO and the government together to support national development goals and priorities as well as assist other countries in the region. In 2020, the World Bank Executive Board approved a $500 million loan to Kazakhstan to develop farming as part of the Sustainable Livestock Development Program. The Program promotes sustainable, inclusive and competitive beef production in the country. See also Agriculture in Central Asia Kazakhstan Agriculture Sources Agriculture in Kazakhstan Animal Husbandry in Kazakhstan Agriculture in the Black Sea Region References
카자흐스탄의 농업은 카자흐스탄 경제에서 그리 큰 비중을 차지하지 않는다. 카자흐스탄 GDP에서 농업은 10% 미만을 차지하며 노동자의 20%만이 농업에 종사하지만, 반면 전체 토지의 70% 이상은 작물 및 가축 사육에 사용되고 있다. 농지의 70% 이상은 영구 목초지이다. 농사 카자흐스탄의 주력 작물은 밀로, 수출도 이루어진다. 카자흐스탄은 밀 생산 세계 6위이다. 기타 재배 작물로는 보리, 면, 사탕수수, 해바라기, 아마, 쌀이 있다. 2011년 카자흐스탄의 곡물 수확량은 2690만 톤을 넘어섰으며, 이는 2년 전 기록인 2100만 톤을 훨씬 웃도는 수치이다. 한편 이듬해인 2012년 카자흐스탄 농업부는 그 해 가뭄으로 곡물 수확량이 1400만 톤으로 감소했다고 발표했다. 1995년부터 2015년까지 카자흐스탄의 농업 생산량은 41% 증가했다. 2015년 농업 상품의 수출액은 3억 7900만 달러에 달했다. 카자흐스탄 농업 투자는 2015년 4억 4600만 달러에서 2016년 6억 8700만 달러로 50% 증가했다. 2015년 3월, 카자흐스탄 농업부는 최근 5년 동안 카자흐스탄의 농업 생산량이 약 2배 늘었으며, 수출 또한 1.6배 증가해 30억 달러에 달했다고 발표했다. 카자흐스탄의 토지는 소련 (카자흐 SSR) 시기 처녀지 개간 정책()으로 인해 양분이 거의 고갈된 상태로, 현재까지 농작물 재배에 영향을 끼치고 있다. 곡물 생산 카자흐스탄은 세계에서 손꼽히는 밀 및 밀가루 수출국으로, 세계 10위권 내에 들어간다. 주요 재배 작물은 제분밀(milling wheat)로, 품질이 높고 단백질이 풍부한 것이 특징이다. 최근 카자흐스탄 농업에서는 생산된 곡물을 수출하는 경향이 생겨났다. 2011년, 카자흐스탄은 기록적인 풍작으로 농작물 2700만 톤을 수확해, 이듬해까지 1500만 톤을 수출했다. 2014년 카자흐스탄의 밀 생산량은 전 해인 2013년의 1390만 톤에서 1450만 톤으로 증가했다. 2015년 7월, 카자흐스탄 재정부는 키르기스스탄의 유라시아 경제 연합 가입에 맞춰 2020년까지 키르기스스탄으로의 곡물 수출량을 50 ~ 60% 증가시키겠다고 발표하였다. 가축 카자흐스탄에서 사육되는 가축으로는 많은 순으로 소, 닭, 양, 돼지, 말, 염소가 있으며, 고기 생산량은 소, 돼지, 양, 닭 순으로 많다. 기타 주요 생산 품목으로는 양털, 우유, 달걀이 있다. 카자흐스탄에는 늑대가 약 9만 마리 분포하며, 이는 세계 최대이다. 국가 정책 애그리비즈니스 - 2020 2013년 2월 카자흐스탄 정부는 2013년부터 2020년까지 "애그리비즈니스 - 2020" 농업-산업 신단지 건설을 추진하기로 결정했다. "애그리비즈니스 - 2020" 계획의 목표는 경제적 회복, 상품의 감당성 증가, 농업-산업 단지 서비스의 경제성 증대, 국가 농민 지원 시스템의 발전, 농업-산업 단지 국가 관리 체계의 효율성 증대이다. "애그리비즈니스 - 2020" 계획과 같은 맥락으로, 카자흐스탄 정부는 2014년 4월 농업 관련 기업들을 "건강하게" 만들기 위한 보조금 지급 관련 경제부양책을 발표했다. 이를 위해 2014년 전반기에 2차 은행(second-tier bank)에 7억 7천만 달러를 지원하기도 했다. 전문가들은 중앙에서의 보조금 지급만으로는 카자흐스탄 농업 발전에 제한적인 영향만을 끼친다면서, 교육 증진 및 지방 자치 활성화와 같이 기관의 적극적인 개혁이 필요하다고 하였다. 협동조합 투자 2016년 카자흐스탄 농업부는 농부들에게 장비, 저장고, 교통수단, 수의 서비스, 사료 및 농화학 상품 공급 지원, 대출 지원을 제공하는 것을 골자로 하는 협동조합 투자 계획을 발표했다. 이 계획을 통해 협동조합 157개가 농부 15,000명에게 도움을 주었고, 우유 집하장 100개 이상을 건설했다. 2015년 7월 23일 카자흐스탄 농업부는 농업 협동조합을 위해 "농업 협동조합법" 안에서 새로운 세금 체제를 도입할 계획이라고 밝혔다. 이 계획을 통해 카자흐스탄 농업이 더욱 발전할 수 있을 것이라고 기대되고 있다. 장주기 생산 추세 2013년 카자흐스탄 농업부는 "곡물 시장 안정화" 기본 계획을 발표했으며, 내용은 "애그리비즈니스 - 2020" 계획과 맞물려 2013년 ~ 2020년 동안 곡물 생산, 소비, 수출량 목표 설정한다는 것이다. 이 기간 동안 곡물 전체가 안정적으로 유지될 수 있을 만큼의 부지를 확보할 계획이 있다. 밀 재배 면적이 2012년 1350만 헥타르에서 2020년 1150만 헥타르로 14% 감소할 예정이기 때문에 상당한 변화가 예상된다. 위에서 줄어든 면적은 사료용 곡물로 대체되어, 재배 면적이 280만 헥타르에서 2020년 430만 헥타르로 증가할 예정이다. 투자 2014년 카자흐스탄의 농업 투자량은 444만 달러를 돌파했으며, 이는 전 년보다 17% 증가한 수치였다. 카자흐스탄의 농업 관련 대기업 및 중기업의 수익성은 17.7%였는데, 전 해의 4.5%에 비해 매우 크게 증가했다.2015년 농업에 대한 투자는 450만 달러에 도달했다. 파트너십 2015년 5월 23일, 유엔 식량 농업 기구(FAO)와 카자흐스탄 농업부는 FAO 파트너십 개시 및 연락 사무소 설치 등의 내용을 담은 협정을 체결했다. FAO 파트너십을 통해 카자흐스탄 정부와 식량 농업 기구가 함께 카자흐스탄 및 주변 지역 국가들을 발전시키는 데 도움을 줄 수 있게 될 것으로 보인다. 같이 보기 카자흐스탄 중앙아시아의 농업 각주 외부 링크 Agriculture in Kazakhstan Animal Husbandry in Kazakhstan Agriculture in the Black Sea Region
amphora/parallel-wiki-koen
full
Camille Nimr Chamoun OM, ONC (, Kamīl Sham'ūn; 3 April 1900 – 7 August 1987) was a Lebanese politician who served as President of Lebanon from 1952 to 1958. He was one of the country's main Christian leaders during most of the Lebanese Civil War (1975–1990). Early years and education Camille Nimr Chamoun was born at Deir al-Qamar on 3 April 1900 into a prominent Maronite family. He received a law degree from Saint Joseph University. Career and activities He was first elected to the Lebanese parliament in 1934, and was reelected in 1937 and 1943. A champion of independence from France, he was arrested on 11 November 1943 and was imprisoned in the castle of Rashayya, where he was held for eleven days, along with Bishara el-Khoury and Riad Al Solh, who were to become the first president and prime minister, respectively, of the new republic. Massive public protests led to their release on 22 November, which has since been celebrated as the Lebanese Independence Day. Chamoun was re-elected to parliament, which was then called the National Assembly, in 1947 and 1951. He was frequently absent, however, as he served as ambassador to the United Kingdom from 1944 to 1946 and as ambassador to the United Nations thereafter. He was the minister of finance from December 1946 to June 1947. Presidency When President Bechara El Khoury was forced to resign because of corruption allegations in 1952, Chamoun was elected to replace him. During Chamoun's presidency, Lebanon experienced an economic boom, in particular in the construction, banking and tourism sectors. He implemented a 1954 law on the creation of joint-stock companies and a 1956 law on banking secrecy. According to Fawwaz Traboulsi, Chamoun concentrated power into his hands, blurring the limits of democracy and autocracy. Crisis of 1958 Near the end of his term, Pan-Arabists and other groups backed by Gamal Abdel Nasser, with considerable support in Lebanon's Muslim (particularly Sunni) community attempted to overthrow Chamoun's government in June 1958 after Chamoun tried to seek another term as president against the constitution. The mood may have been itself indicative of the fact that nine prime ministers formed cabinets under the six years of Chamoun's presidency since Sunni politicians were not always able to justify their association with his politics to their constituencies and popular power base. That fact was evident in the pressures that faced the El-Bizri political base in Sidon, and the longstanding parliamentarian Dr. Nazih El-Bizri served as a cabinet minister during Chamoun's term. Facing unrest in the country, with its epicentre in Sidon at the start of the protests, Chamoun eventually appealed to the United States for help under the new Eisenhower Doctrine, and American Marines landed in Beirut. Moreover, Naim Moghabghab, a close friend and political ally, formed and led a military group to reinforce Chamoun's position. Many battles occurred, mainly in Beirut and in the Chouf district, where clashes between Naim Moghabghab and Kamal Jumblatt's men led to bloody fights. The revolt was squashed, but to appease Muslim anger, General Fuad Chehab, who claimed to be a Christian enjoying considerable popularity in the Muslim community, was elected to succeed Chamoun. The American diplomat Robert D. Murphy, who had been sent to Lebanon as personal representative of US President Dwight Eisenhower, played a significant role in allowing Chamoun to finish his term normally and Chehab to be elected according to the constitutional procedures. Founding National Liberal Party On his retirement from the presidency, Chamoun founded the National Liberal Party (al-Ahrar). As its leader, Chamoun was elected to the National Assembly again in 1960, much to the consternation of Chehab. He was defeated in 1964 because of changes to the boundaries of his electoral district, which he and his supporters protested as deliberate gerrymandering. He was re-elected to the National Assembly, however, in 1968, and again in 1972, Lebanon's last parliamentary election in his lifetime. After the election of 1968, the National Liberal Party held 11 seats out of 99, becoming the largest single party in the notoriously fractured National Assembly. It was the only political party to elect representatives from all of Lebanon's major religious confessions. Civil War In the 1970s and 1980s, Chamoun served in a variety of portfolios in the cabinet, including interior minister. That was during the Lebanese Civil War (1975–1990), in which Chamoun and his party participated through the party's militia, the Tigers (in Arabic, nimr means tiger). In the early stages of the war, he helped found the Lebanese Front, a coalition of mostly-Christian politicians and parties, whose united militia, dominated by the Kataeb Party, became known as the Lebanese Forces (LF). Chamoun was chairman of the Lebanese Front from 1976 to 1978. He was defense minister in the cabinet of Rashid Karami in 1976. In a 1976 diplomatic cable from Beirut, special US envoy L. Dean Brown stated, "If I got nothing else from my meeting with Frangie, Chamoun and Gemayel, it is their clear, unequivocal and unmistakable belief that their principal hope for saving Christian necks is Syria. They sound like Assad is the latest incarnation of the Crusaders." Though initially aligned with Syria and inviting the Syrian Army to intervene against the leftist Lebanese National Movement (LNM) and its Palestinian allies in 1976, Chamoun later gravitated towards opposition to the Syrians' presence. On March 12 1980, In Dora, Mount Lebanon, a remote-controlled bomb exploded near the car of Camille Chamoun. One bodyguard was killed while Chamoun, his driver, another bodyguard and a passerby suffered minor injuries. In 1980, the NLP's Tigers militia was virtually destroyed by a surprise attack from Chamoun's Christian rival, Bashir Gemayel. After Israel's invasion of Lebanon, Chamoun decided to enter a tactical cooperation with Israel to oppose the Syrian occupation in Lebanon. Gemayel was elected to the presidency in August 1982, but was assassinated before taking office. Chamoun announced his candidacy, but withdrew one day before the election, after the United States endorsed Amine Gemayel. In 1985, 5 people were killed and 23 injured in a suicide attack during a meeting between Christian parties in the St. Georges Monastery in Beirut which was aimed at the 5 main leaders of the Christian factions of the war. A Christian group called "the Vanguard of Arab Christians" was named as responsible for the attack. Another assassination attempt occurred again on January 7, 1987 which killed 6 people and wounded 40 others when 165 pounds of explosives was detonated as Chamoun passed through East Beirut in the morning. Personal life and death In 1930 he married Zelpha (or Zalfa) Tabet with whom he had two sons, Dany and Dory, both of whom became politicians in the NLP. In 1984 Chamoun agreed to join the National Unity government as deputy prime minister, which he held until his death on 7 August 1987, at the age of 87. He died of a heart attack at Saint George's Hospital in Beirut. He spent his last months mostly in the care of his protégée Aida Yahchouchi and her husband, Joseph Wehbe. He is remembered as one of the main Christian nationalist leaders and one of the last significant figures of Lebanon's prewar generation of politicians whose political influence was eclipsed during the war by that of younger militia commanders. References External links 1900 births 1987 deaths People from Chouf District Lebanese Maronites Saint Joseph University alumni Presidents of Lebanon Lebanese anti-communists Lebanese nationalists Defense ministers of Lebanon Members of the Parliament of Lebanon National Liberal Party (Lebanon) politicians Ambassadors of Lebanon to the United Kingdom Permanent Representatives of Lebanon to the United Nations Lebanese Front politicians Collars of the Order of Civil Merit Articles containing video clips Finance ministers of Lebanon Interior ministers of Lebanon Lebanese independence activists Chamoun family 20th-century Lebanese politicians Christian nationalists People of the Lebanese Civil War 20th-century presidents in Asia
카밀 니므르 샤문(, , 1900년 4월 3일 ~ 1987년 8월 7일)은 레바논의 정치인으로 1952년부터 1958년까지 레바논의 대통령을 역임했다. 레바논 내전 기간 동안 레바논의 주요 기독교 지도자 가운데 한 명이었다. 생애 초반과 교육 카밀 니므르 샤문은 1900년 4월 3일에 오스만 제국의 지배를 받고 있던 레바논 데이르엘카마르에서 마론파 가문의 아들로 태어났으며 베이루트 세인트 조지프 대학교에서 법학 학위를 받았다. 샤문은 1930년에 젤파 타베트와 결혼하여 2명의 아들인 도리 샤문, 다니 샤문을 두었는데 두 아들 모두 나중에 샤문이 창당한 국가자유당의 정치인이 되었다. 샤문은 1934년에 레바논 의회 의원으로 처음 선출되었고 1937년과 1943년에 레바논 의회 의원으로 다시 선출되었다. 샤문은 1943년 11월 11일에 레바논의 독립을 요구하다 체포되어 11일 동안 라샤샤 성에 수감되었다. 이 과정에서 베샤라 엘쿠리, 리아드 알솔흐도 수감되었는데 두 사람은 나중에 프랑스에서 독립한 신생 공화국인 레바논의 초대 대통령과 총리를 각각 역임하게 된다. 그러나 레바논의 독립기념일인 11월 22일에 대중들의 대규모 항의를 계기로 석방되었다. 샤문은 1947년과 1951년에 당시 국회라고 불리던 레바논 의회 의원으로 연달아 선출되었다. 그러나 1944년부터 1946년까지 영국 주재 레바논 대사를 지냈고 나중에 유엔 주재 레바논 대사를 지내면서 자리를 자주 비웠다. 1946년 12월부터 1947년 6월까지 레바논 재무부 장관을 지냈다. 1958년 위기 1952년에 베샤라 엘쿠리 대통령이 부패 혐의로 사임하자 샤문 대통령이 후임으로 선출되었다. 그의 임기가 끝나갈 무렵에 레바논의 무슬림(특히 수니파) 공동체에서 상당한 지지를 받은 범아랍주의 진영과 다른 단체들이 1958년 6월에 샤문 정부가 불법적으로 대통령 임기를 연장하려고 하자 샤문 정부를 전복시키려 시도했다. 이러한 분위기는 수니파 정치인들이 항상 그의 정치와 그들의 선거구와 대중 권력 기반에 대한 그들의 관계를 정당화할 수 없었기 때문에 대통령 임기 6년 동안 9명의 총리들이 내각을 구성했다는 것을 보여주는 것일지도 모른다. 그러한 사실은 시돈의 엘비즈리 정치 기반에 맞닥뜨린 압력에서 뚜렷하게 드러났으며 오랜 기간 동안 의회 의회를 이끌었던 나지흐 엘비즈리는 샤문의 대통령 임기 동안에 각료를 지냈다. 시위 시작과 동시에 시돈에 있는 진원지와 함께 국가의 불안에 직면한 샤문은 결국 새로운 아이젠하워 독트린에 따라 미국에 도움을 요청했고 미국 해병대는 레바논의 수도인 베이루트에 상륙했다. 게다가 친한 친구이자 정치적 동맹인 나이임 모가브가브는 샤문의 입지를 강화하기 위해 군사 집단을 조직하고 이끌었다. 나임 모가브가브와 카말 줌블라트의 부하들이 충돌하여 유혈 사태가 발생한 곳인 베이루트와 슈프구에서도 많은 전투가 벌어졌다. 반란은 진압되었지만 무슬림들의 분노를 달래기 위해 무슬림 사회에서 상당한 인기를 누리고 있는 기독교인이라고 자처한 푸아드 셰하브 장군이 샤문의 후임으로 선출되었다. 드와이트 아이젠하워 미국 대통령의 개인 대표 자격으로 레바논에 파견됐던 미국의 외교관인 로버트 D. 머피는 레바논 헌법 절차에 따라 샤문이 정상적으로 임기를 마치고 셰하브가 당선될 수 있도록 하는 데에 큰 역할을 했다. 국가자유당 창당 샤문은 1958년에 대통령 자리에서 물러난 다음에 국민자유당을 창당하였다. 샤문은 1960년에 다시 국회의원으로 선출되어 셰하브 대통령을 경악하게 만들었다. 샤문은 1964년 총선거에서 선거구의 경계 변경으로 인해 패배했고 샤문과 그의 지지자들은 이를 고의적인 게리맨더링이라고 항의했다. 샤문은 1968년에 레바논 의회 의원으로 다시 선출되었고 1972년 총선거를 끝으로 레바논 의회 선거에 불출마했다. 국가자유당은 1968년 총선거 이후에 레바논 의회 99석 가운데 11석을 차지하여 악명높은 레바논 의회에서 가장 큰 단일 정당이 되었다. 이 정당은 레바논의 주요 종교 신앙 고백에서 대표자를 선출한 유일한 정당이었다. 레바논 내전 샤문은 1970년대와 1980년대에 내무부 장관을 포함한 내각의 다양한 장관직을 역임하였다. 샤문과 그가 속한 국가자유당은 레바논 내전(1975년 ~ 1990년) 당시에 니므르 민병대('니므르'는 아랍어로 "호랑이"라는 뜻)를 조직하고 참여했다. 샤문은 전쟁 초기에 대부분의 기독교 정치인들과 정당들이 연합한 레바논 전선의 설립을 도왔는데 카타이브가 장악한 연합 민병대는 레바논군으로 알려지게 되었다. 샤문은 1976년부터 1978년까지 레바논 전선의 수장을 역임했다. 1976년 베이루트에서 보낸 외교 전문에서 미국 특사인 L. 딘 브라운은 "만약 내가 프랜지, 샤문, 그리고 제마옐과의 만남에서 얻은 것이 아무것도 없다면 그들의 기독교의 목을 구하는 가장 큰 희망이 시리아라는 것은 그들의 분명하고 명확하며 틀림없는 믿음이다. 시리아의 하페즈 알아사드 대통령이 십자군의 새로운 화신인 것 같다."라고 전했다. 샤문은 처음에 시리아와 동맹을 맺었고 1976년에는 레바논 국민운동과 팔레스타인 동맹에 대항하기 위해 시리아 육군을 초청했다. 하지만 시리아군의 레바논 주둔에 반대하는 쪽으로 기울게 된다. 국가자유당의 니므르 민병대는 1980년에 샤문의 정적인 바시르 제마옐을 지지하던 기독교도 민병대의 기습 공격으로 사실상 파괴되었다. 이스라엘이 레바논을 침공한 이후에 샤문은 시리아의 레바논 점령에 대항하기 위해 이스라엘과 전략적 협력을 하기로 결정했다. 바시르 제마옐은 1982년 8월에 레바논의 대통령에 당선되었으나 취임하기도 전에 암살되었다. 샤문은 출마를 선언했으나 미국이 바시르 게마옐의 형인 아민 제마옐을 지지하자 선거 하루 전에 사퇴했다. 죽음 샤문은 1984년에 부총리로써 국민 통합 정부에 합류하는 데 동의했다. 샤문은 1987년 8월 7일에 베이루트에 위치한 세인트 조지 병원에서 심장마비로 인하여 향년 87세의 나이로 사망했다. 샤문은 말년을 그의 조수인 아이다 야수시, 야수시의 남편인 조제프 웨흐베의 보호를 받으면서 보냈다. 샤문은 레바논의 주요 기독교 민족주의 지도자 중 한 명이며 레바논의 전쟁 이전 정치인들 가운데 마지막 중요한 인물 중 한 명으로 기억되고 있다. 각주 1900년 출생 1987년 사망 레바논의 대통령 세인트 조지프 대학교 (베이루트) 동문 레바논의 동방 가톨릭교도 레바논의 반공주의자 레바논 국민주의자 독립운동가 레바논의 재무장관 레바논의 내무장관 영국 주재 레바논 대사 유엔 주재 레바논 대사
amphora/parallel-wiki-koen
full
Ninh Thuận (, Cham: ꨘꨪꨘ ꨔꨥꨬꨋ, Nin Ţvêŋ) is a coastal province near the southernmost part of the South Central Coast region, the Central of Vietnam. It borders Khánh Hòa to the north, Bình Thuận to the south, Lâm Đồng to the west and the East Sea to the east. Ninh Thuận province is sometimes seen as part of the Southeast region, the Southern. History The Cham principality of Panduranga had its center in Ninh Thuận province, but also included much of what is now Bình Thuận province. Panduranga became the political centre of Champa after the fall of Vijaya in 1471. It remained independent until 1832, when emperor Minh Mạng annexed it. Ninh Thuận was merged into Bình Thuận province in 1976, together with Bình Tuy province, Ninh Thuận became a separate province again in 1991. Geography Ninh Thuận's topography is typical for the South Central Coast in that high mountains are located not only near the western border to the Central Highlands, but also near the coast, the highest of which is Chúa mountain () at in the north east of the province. Several other peaks with heights up to , including Đá Bạc mountain () in the south, are located along the coast. The highest mountains are located at the borders to Khánh Hòa province and Lâm Đồng province, with three mountains of over and the highest at , Sương Mù mountain (). Only a small part of the province around Phan Rang has elevations of under . The province's major river is the Dinh River, which flows through the main lowland of the province as well as Phan Rang. It has several tributaries in the province and is connected to Don Duong Lake in Lâm Đồng province. As of 2007, 55.7 per cent of Ninh Thuận's area was covered by forests, making it the most forested province of the South Central Coast. Forests cover most of Ninh Hải District at the coast in the north east, and most of the north and south west of the province. Ninh Thuận is Vietnam's most arid province, with some areas in the province receiving less than of rain per year. There are reserves of molybdenum in the north of the province. Demography Ninh Thuận had a population of 565,700 in 2009. Its urban population was 185,700 or 32.3% in 2007, a rapid increase from the 123,700 seven years ago. The urban population grew by an average 6% from 2000 to 2007, while the rural population actually had slightly negative growth. Overall population growth averaged 1.5%, which is the second highest in the South Central Coast after Da Nang. Apart from the Kinh, significant parts of the province's population belong to the Cham and Raglai ethnic groups. Many of the Cham live near the capital Phan Rang. The Raglai live in more remote parts of the province, such as the Ninh Hải District in the north-east and the mountainous regions in the west. As of April 1, 2009, the province has 10 observed religions, with a total of 184 577 followers. In particular, there are 65,790 Catholics, followed by Buddhism with 43,192 people, Hindus 40,695 (the highest proportion in the country), Muslims 25,513, Protestants 7,570, and other minor religions. There are 1,784 people following Cao Dai, 26 people following Bahá'í , 5 people in Hoa Hao Buddhism and the Pure Land Buddhist Association in Vietnam had one follower. Administrative divisions Ninh Thuận is subdivided into 7 district-level sub-divisions: 6 districts: Bác Ái Ninh Hải Ninh Phước Ninh Sơn Thuận Bắc Thuận Nam 1 provincial city: Phan Rang–Tháp Chàm (capital) They are further subdivided into 3 commune-level towns (or townlets), 47 communes, and 15 wards. Cham villages Cham names for Cham villages in Ninh Thuận province are as follows (Sakaya 2014:755-756). Economy Ninh Thuận is southern Vietnam's poorest and least industrialized province. Nominal per capita GDP was 6.66 million VND in 2007, half of the national average and 56% of the South Central Coast's average of 10.8 million VND. Ninh Thuận has also been the only province in the South Central Coast with an average annual GDP growth rate of less than 10% from 2000 to 2007 - at 9.4% compared to the region's average of 11.2%. While its industrial growth has been slightly above the region's average at 16.4%, it started from a very low base and therefore contributed little to overall growth. Growth in services has been at 9.8%, significantly below the region's average, while agriculture, forestry and fishing have grown at an average rate of 6.7%, somewhat higher than the average. Agriculture, forestry, fishing Ninh Thuận's agriculture is mostly based on rice. 33,400 ha out of a total of 70,000 ha were used for the cultivation of rice, followed by maize with 14,200 ha. 173,200 t of rice and 36,300 t of maize were harvested in 2007, accounting for 0.5% and 0.9% of national output. The most important cash crop is tobacco. It is grown on 1,300 ha (as of 2007) in the central part of the province west and north-east of Phan Rang with an output of 3,300 t, or 10.3% of Vietnam's total output. The province also harvested 200 t in 2007, 1.2% of the national total. Other less significant crops include cashew nuts, sugar-cane, peanuts, and coconuts. Despite the large forests of the province, there is little commercial use of forest resources. Gross output of the forestry sector was 23.7 billion VND, accounting for only 1.8% of the South Central Coast, and therefore even less than Da Nang. Much of the province's forests are protected as part of Núi Chúa National Park and Phước Bình National Park. These National Parks as well as the nearby Vịnh Vĩnh Hy attracted the building of Amanoi, a five star franchise hotel belonging to Aman Resorts. Ninh Thuận's fishing gross output was 1138.8 billion VND in 2007, 1.3% of Vietnam's output and therefore more significant in a national context than agriculture. It has grown at an average of 11.7%, far exceeding agricultural growth and making it one of the fastest growing sectors of the economy. As of 2007, there were 589 offshore fishing vessels registered in the province. Industry Ninh Thuận has a very small industrial sector, with a gross output accounting for only 2% of the South Central Coast's total. Industry contributes 1.3 million VND to the GDP per capita, compared to an average of 4.4 million VND for the region. The province's industrial products are mostly basic processed food and seafood products (frozen aquatic products, fish sauce, shelled cashew nuts) and processed raw materials (stones, bricks, salt). However, the industrial sector's growth of 16.4% has enabled it to absorb much of Ninh Thuận's labor force growth by increasing industrial employment from 14,900 in 2000 to 43,700 in 2007 - although this employment growth has been overshadowed by the service sector, which created 57,300 additional jobs in the same period despite its slower growth. Infrastructure Transport Ninh Thuận is located along Vietnam's main north-south corridors. National Route 1 as well as the North–South Railway run through the province. Ninh Thuận's main railway station is at Tháp Chàm. There are also two smaller railway station: Bà Râu in Thuận Bắc District in the north and Cà Ná near the southern border. Phan Rang is connected to Da Lat by National Road 27 via Ngoan Muc Pass. There used to be a railway serving the same route, but it has not been in use since the start of the Vietnam War. Ninh Thuận has three ports: at Vịnh Vĩnh Hy in northeastern Ninh Hải District Ninh Chu Port in southern Ninh Hải District near Phan Rang Cà Ná Port in the south of the province The nearest commercial airport is Cam Ranh International Airport. Energy Ninh Thuận has become a renewable energy production base starting in the late 2020s, taking advantage of the local climate with the lowest annual rainfall, highest total solar heat radiation and fastest average wind speed in Vietnam. However, it is located far from major load centers of Vietnam. As of 2021, around 100 ha of photovoltaic panels were already deployed in the province, with several projects still under construction. Solar power capacity totaled 2,256 MW in 2021. Construction of a 200 MW wind power plant has also started and is planned to be completed by 2012. The total planned wind power capacity is 1,429MW. Da Nhim hydropower plant is located in Ninh Sơn District in the northwest of Ninh Thuận. Ninh Thuận was chosen as the site for some of Vietnam's future electricity projects that are part of Vietnam Electricity's diversification away from hydropower. The country's first nuclear power plant is under construction in the south of the province. A second nuclear power project is being prepared with Japanese partners and will also be in Ninh Thuận. References External links Official site of Ninh Thuan Government Management and Capacity Development Unit of Water Resources and Services Ninh Thuan Provinces of Vietnam
닌투언성(寧順省 )은 베트남의 남중부 지역의 성 단위 행정 구역이다. 역사적으로 참파의 팡두랑가 지방이었다. 라글라이족 등 여러 소수 민족이 이곳에 살고 있다. 성도는 판랑탑짬이며, 인구는 531,700명, 면적은 3,360km2이다. 개요 남동부에 위치하며, 동쪽은 동해에 접해있다. 인구 규모는 58만명으로 해안 지방에서 가장 적다. 연간 강수량이 700mm 정도로 사구 지대가 펼쳐질 정도로 논 농사에 적합하지 않은 토지가 많다. 인프라가 정비되어 있지 않기 때문에, 대규모 산업이나 관광 등의 다른 산업의 발전도 드뎠지만, 2000년대에 들어서면서 닌투언 제1원자력 발전소 , 제2 원자력 발전소의 건설이 구체화되었으며, 2020년까지 완공을 목표로 건설이 진행되고 있어서 향후 각 산업의 급속한 발전도 예상된다. 역사 판두랑가의 참 왕국은 닌투언성에 그 중심을 가지고 있었지만, 현재 빈투언성의 많은 부분을 포함하고 있었다. 판두랑가는 1471년 비자야 함락 이후 참파의 정치적 중심지가 되었다. 1832년 민망 황제가 합병할 때까지 독립하였다. 닌투언성은 빈뚜이성과 함께 1976년 빈투언성으로 합병되었고, 닌투언성은 1991년 다시 별도의 성이 되었다. 지리 닌투언성의 지형은 높은 산이 중부 고원까지 서쪽 국경 근처뿐만 아니라 해안 근처에 위치한다는 점에서 남해안에는 전형적인 것으로, 그 중 가장 높은 곳은 쭈아산(Núi Chúa)는 성의 북동쪽 1,040m 지점이다. 최고 643미터의 높이를 가진 다박산(Núi Đá Bạc)과 같은 몇몇 다른 봉우리들은 해안을 따라 위치해 있다. 가장 높은 산들은 카인호아성과 럼동성과의 접경에 위치해 있으며, 3개의 산들은 1,600m가 넘고 수엉무산(Núi Sương Mù)이 1,652m로 가장 높다. 판랑 주변의 그 지방의 작은 부분만이 50m 이하의 고도를 가지고 있다. 이 지방의 주요 강은 딘강으로, 판랑은 물론 지방의 주요 저지대를 흐른다. 닌투언성에는 여러 지류가 있으며, 럼동성의 돈즈엉호와 연결되어 있다. 2007년을 기준으로, 닌투언성 면적의 55.7%가 숲으로 덮여 있으며, 중부 해안에서 가장 숲이 우거진 지방이 되었다. 숲은 북동쪽 해안에 있는 닌하이현의 대부분을 차지하고 있고, 대부분의 북쪽과 남쪽은 그 지방의 서쪽을 덮고 있다. 닌투엔 지역은 베트남에서 가장 건조한 지역으로, 일부 지역은 연간 800mm 미만의 비가 내린다. 그 지방 북부에는 몰리브덴의 매장량이 있다. 행정 구역 시 판랑탑짬시 (Phan Rang-Tháp Chàm / 潘郎-塔占) 현 박아이현 (Huyện Bác Ái / 博愛縣) 닌하이현 (Huyện Ninh Hải / 寧海縣) 닌프억현 (Huyện Ninh Phước / 寧福縣) 닌선현 (Huyện Ninh Sơn / 寧山縣) 투언박현 (Huyện Thuận Bắc / 順北縣) 투언남현 (Huyện Thuận Nam / 順南縣) 인구 통계 닌투언성의 인구는 2009년에 565,700명이었다. 도시 인구는 2007년 18만5700명으로 7년 전의 12만 3700명에 비해 급격히 증가했다. 도시 인구는 2000년부터 2007년까지 평균 6% 증가한 반면 농촌 인구는 실제로 약간 마이너스 성장을 했다. 전체 인구 증가율은 평균 1.5%로 다낭에 이어 베트남 남중부 지방에서 두 번째로 높다. 킨족과는 별도로 지방 인구의 상당 부분은 참족과 라글라이족에 속한다. 많은 참족들은 수도 판랑 근처에 산다. 라글라이족은 북동쪽의 닌하이현과 서쪽의 산악지대와 같은 지방의 더 먼 지역에 산다. 2009년 4월 1일 현재 닌투언성에는 10개의 종교가 있으며, 총 184,577명의 신도들이 있다. 특히 천주교 신자는 65,790명, 불교가 43,192명, 힌두교 40,695명(전국 최고 비율), 이슬람교 25,513명, 개신교 7,570명, 기타 소규모 종교가 뒤를 잇고 있다. 까오다이교 1784명에 이어, 바하이는 26명, 호아하오교 5명, 베트남 순토불교는 1명의 추종자가 있었다. 관광 닌투언성에는 유명한 아름다운 해변과 많은 강과 하천이 있다. 방강, 띠엔 폭포와 더불어 빈띠엔 해변, 닌쯔 해변, 빈선 해변, 까나 해변과 같은 것들이 모두 대표적인 관광 자원이 된다. 닌투언성에는 여전히 참족 문화 축제와 관련된 많은 고대 참족의 문화와 뽀 끌롱 자라이(참탑), 뽀로메 탑(닌프억현)과 같은 많은 사원 건축 작품들을 보존하고 있다. 현재 닌투언성에는 400년 ~ 1100년 사이에 제작된 호아라이탑, 뽀 끌롱 자라이(Po Kong Garai), 뽀로메(Po Rome) 3개의 참족 사원이 있다. 고대 참족 공예 마을에는 바우쭉 도자기 마을과 미응이헵 브로까데 마을이 있다. 또한, 닌투언성에는 2개의 생태관광 지역이 있다. 누이쭈아 국립공원 프억빈 국립공원 교통 닌투언성은 베트남의 주요 남북 통로를 따라 위치해 있다. 국도 제1A호선과 남북철도가 성내를 관통하고 있다. 닌투언성의 주요 철도역은 탑짬에 있다. 또한 두 개의 작은 기차역이 있다. 북쪽의 투언박현의 바러우역와 남쪽의 국경 근처의 까나역이다. 판랑은 응오안묵 고개를 경유하여 국도 27호선으로 달랏과 연결된다. 예전에는 같은 노선을 운행하는 철도가 있었으나, 베트남 전쟁이 시작된 이후로는 사용되지 않고 있다. 닌투언성에서는 다음과 같은 3 군데의 주요 항구가 있다. 닌하이현 북동부의 빈빈히항 판랑 인근 닌하이현 남부의 닌쭈항 닌투언성 남부에 있는 까나항 가장 가까운 상업 공항은 깜라인 국제공항이다. 출신 인물 응우옌반티에우 각주 외부 링크 닌투언성 정부 (공식) 베트남의 성 베트남 남중부 지방
amphora/parallel-wiki-koen
full
The 2021 AFC Champions League was the 40th edition of Asia's premier club football tournament organized by the Asian Football Confederation (AFC), and the 19th under the current AFC Champions League title. Al-Hilal won their fourth title by defeating Pohang Steelers 2–0 in the final, becoming the most successful team in the history of the competition. As winners, they automatically qualified for the 2022 AFC Champions League (although they had already qualified through their domestic performance). They also earned the right to play in the 2021 FIFA Club World Cup in the United Arab Emirates and the 2025 FIFA Club World Cup. The tournament was the first to involve 40 teams during the group stage, with an increase from the previous 32 teams. Ulsan Hyundai of South Korea were the defending champions, but were eliminated in the semi-finals by fellow South Korean club Pohang Steelers. Association team allocation The 46 AFC member associations (excluding the Northern Mariana Islands, which became a full member in December 2020 and are not eligible for this season) are ranked based on their clubs' performance over the last four years in AFC competitions (their national team's FIFA World Rankings no longer considered). The slots are allocated by the following criteria according to the Entry Manual: The associations are split into two regions (Article 3.1): West Region consists of the 25 associations from the West Asian Football Federation (WAFF), the South Asian Football Federation (SAFF), and the Central Asian Football Association (CAFA). East Region consists of the 21 associations from the ASEAN Football Federation (AFF) and the East Asian Football Federation (EAFF). The AFC may reallocate one or more associations to another region if necessary for sporting reasons. The top 12 associations in each region are eligible to enter the AFC Champions League. In each region, there are five groups in the group stage, including 16 direct slots, with the 4 remaining slots filled through qualifying play-offs (Article 3.2). The slots in each region are distributed as follows: The associations ranked 1st and 2nd are each allocated three direct slots and one play-off slot. The associations ranked 3rd and 4th are each allocated two direct slots and two play-off slots. The associations ranked 5th are each allocated one direct slot and two play-off slots. The associations ranked 6th are each allocated one direct slot and one play-off slot. The associations ranked 7th to 10th are each allocated one direct slot. The associations ranked 11th to 12th are each allocated one play-off slot. The AFC Champions League title holders and AFC Cup title holders are each allocated one play-off slot should they not qualify for the tournament through domestic performance (Article 3.6). However, there are no AFC Cup title holders for this season as the 2020 AFC Cup was cancelled due to the COVID-19 pandemic. The following rules are applied: If the AFC Champions League title holders or AFC Cup title holders are from associations ranked 1st to 6th, their association is allocated the same number of play-off slots, and they replace the lowest-seeded team from their association. Otherwise, their association is allocated one additional play-off slot, and they do not replace any team from their association (Articles 3.8, 3.9 and 3.10). If both the AFC Champions League title holders and AFC Cup title holders are from the same association which is allocated only one play-off slot, their association is allocated one additional play-off slot, and only the lowest-seeded team from their association is replaced as a result (Article 3.11). The AFC Champions League title holders and AFC Cup title holders are the lowest-seeded teams in the qualifying play-offs if they do not replace any team from their association (Article 3.12). If any association ranked 1st to 6th do not fulfill any one of the AFC Champions League criteria, they have all their direct slots converted into play-off slots. The direct slots given up are redistributed to the highest eligible association by the following criteria (Articles 3.13 and 3.14): For each association, the maximum number of total slots is four and the maximum number of direct slots is three (Articles 3.4 and 3.5). If any association ranked 3rd to 6th is allocated one additional direct slot, one play-off slot is annulled and not redistributed. If any association ranked 5th to 6th is allocated two additional direct slots, one play-off slot is annulled and not redistributed. If any association ranked 7th to 10th do not fulfill any one of the AFC Champions League criteria, they have their direct slot converted into play-off slot. The direct slot given up is redistributed to the next association ranked 11th or 12th, whose play-off slot is annulled and not redistributed, or if neither are eligible, the highest eligible association by the same criteria as mentioned above (Articles 3.16 and 3.17). If any association with only play-off slot(s), including any association ranked 11th to 12th or those mentioned above, do not fulfill the minimum AFC Champions League criteria, the play-off slot(s) are annulled and not redistributed (Articles 3.19 and 3.20). For each association, the maximum number of total slots is one-third of the total number of eligible teams (excluding foreign teams) in the top division (Article 3.4). If this rule is applied, any direct slots given up are redistributed by the same criteria as mentioned above, and play-off slots are annulled and not redistributed (Article 9.10). All participating teams must be granted an AFC Champions League license, and apart from cup winners, finish in the top half of their top division (Articles 7.1 and 9.5). If any association do not have enough teams which satisfy this criteria, any direct slots given up are redistributed by the same criteria as mentioned above, and play-off slots are annulled and not redistributed (Article 9.9). If any team granted a license refuses to participate, their slot, either direct or play-off, is annulled and not redistributed (Article 9.11). Association ranking For the 2021 AFC Champions League, the associations are allocated slots according to their association ranking which was published on 29 November 2019, which takes into account their performance in the AFC Champions League and the AFC Cup during the period between 2016 and 2019. Notes Teams In the following table, the number of appearances and last appearance count only those since the 2002–03 season (including qualifying rounds), when the competition was rebranded as the AFC Champions League. Notes Schedule The schedule of the competition is as follows. On 25 January 2021, the AFC published the schedule of the competition. The group stage is played as centralized double round-robin tournament, and the round of 16 and quarter-finals are played as a single match. Notes: W: West Region E: East Region The original schedule of the competition, as planned before the pandemic, was as follows. Qualifying play-offs Preliminary round Play-off round Group stage Group A Group B Group C Group D Group E Group F Group G Group H Group I Group J Ranking of second-placed teams West Region East Region Knockout stage Bracket Round of 16 Quarter-finals Semi-finals Final Top scorers See also 2021 AFC Cup 2021 AFC Women's Club Championship Notes References External links AFC Champions League 2021, stats.the-AFC.com 1 2021 Association football events postponed due to the COVID-19 pandemic
2021 AFC 챔피언스리그는 2021년 1월부터 11월까지 열릴 예정인 아시아 국가의 최정상 팀이 참가하는 40번째 대회(아시안 클럽 챔피언십 포함)이자 현재의 AFC 챔피언스리그 구성으로는 19회째를 맞는 아시아 국가들의 클럽대항전이다. 2021년 대회부터 본선 참가팀수가 기존 총 32개팀에서 총 40개팀(각조당 4팀씩 총 10개조)으로 확대되었다. 참가권 배정 랭킹 선별 기준은 최근 4년간 각 국가의 구단들의 대륙 대회 성적을 토대로 정해진다. 2021년과 2022년의 AFC 대회는 AFC 클럽 랭킹을 기조로 하였다. 협회들은 두 지역으로 나뉘어 참가하게 된다. 서아시아 지역에서는 서아시아 축구 연맹(WAFF)과 중앙아시아 축구 연맹(CAFA), 남아시아 축구 연맹(SAFF) 소속 총 25개 국가축구협회들이 참여하게 된다. 동아시아 지역에서는 동아시아 축구 연맹(EAFF)과 아세안 축구 연맹(AFF) 소속 총 21개 국가축구협회들이 참여하게 된다. 서아시아와 동아시아 각 지역은 조별 예선에서 5개 조씩 나뉘어 참여하게 된다. 양 지역 모두 16개의 직행 티켓과 4개의 플레이오프 티켓을 배분받게 된다. AFC 랭킹 최상위 12개 협회는, AFC 챔피언스리그 참가 기준에 맞춘다면, AFC 챔피언스리그에 참여할 수 있게 된다. 각 지역의 AFC 랭킹 최상위 10개 협회(서아시아 최상위 10개 협회+동아시아 최상위 10개 협회)는 최소한 1개의 본선 직행 티켓을 보유하게 된다. 각 지역 최상위 1위와 2위 협회는 3장의 본선 직행 티켓과 1장의 플레이오프 티켓을 갖는다. 각 지역 최상위 3위와 4위 협회는 2장의 본선 직행 티켓과 2장의 플레이오프 티켓을 갖는다. 각 지역 최상위 5위 협회는 1장의 본선 직행 티켓과 2장의 플레이오프 티켓을 갖는다. 각 지역 최상위 6위 협회는 1장의 본선 직행 티켓과 1장의 플레이오프 티켓을 갖는다. 각 지역 최상위 7위부터 10위까지의 협회는 1장의 본선 직행 티켓을 갖는다. 각 지역 최상위 11위부터 12위까지의 협회는 1장의 플레이오프 티켓을 갖는다. 전번 시즌 AFC 챔피언스리그 우승팀과 AFC컵 우승팀은 자국 리그 성적상 챔피언스리그 참가할 수 있는 성적에 못미쳐도 각 1장의 플레이오프 티켓을 갖는다. 아래 규칙들이 적용된다.: 전대회 우승팀들이 최상위 1~6위 협회 소속이면, 해당 국가축구협회는 같은 플레이오프 티켓수를 가지며, 그들은 소속 국가축구협회의 최하위팀을 대체한다. 전대회 우승팀들이 최상위 7위 이하 협회 소속이면(정상적으로 AFC 챔피언스리그에 진출하지 못하는 최상위 13위 이하 협회 소속팀 포함), 해당 국가축구협회는 1장 추가 플레이오프 티켓수를 받으며, 해당 협회 소속 어떤 팀들도 대체하지 아니한다. 만일 AFC 챔피언스리그 우승팀과 AFC 컵 우승팀이 플레이오프 참가권 1장만 부여되는 같은 국가축구협회 소속이면, 해당 국가축구협회는 1장 추가 플레이오프 티켓수를 받으며, 해당 협회 소속 최하위 시드팀만 결과로 대체된다. 만일 챔피언스리그 우승팀과 AFC 컵 우승팀이 자국 리그에서 어떤 팀도 대체하지 않으면, 챔피언스리그 예선 플레이오프에서 최하위 시드팀들이다. 만일 최상위 1~6위 협회 중 어떤 협회라도 AFC 챔피언스리그 참가 기준에 하나라도 충족하지 않으면, 그들의 본선 직행권은 플레이오프 참가권으로 변환된다. 그리고 포기된 본선직행권은 아래 기준에 의해 최상위 적절한 국가축구협회에게 재배분된다. 각 국가축구협회에게, 총참가팀수는 최대 4팀이며, , 본선직행 최다팀수는 3팀이다. 3~6위 국가축구협회 중 어떤 협회라도 본선직행티켓이 1장만 배분되면, 플레이오프 1장은 취소되며 재배분되지 아니한다. 5~6위 국가축구협회 중 어떤 협회라도 본선직행티켓이 2장 배분되면, 플레이오프 1장은 취소되며 재배분되지 아니한다. 만일 최상위 7~10위 협회 중 어떤 협회라도 AFC 챔피언스리그 참가 기준에 하나라도 충족하지 않으면, 그들의 본선 직행권은 플레이오프 참가권으로 변환된다. 그리고 포기된 본선직행권은 최상위 11~12위 국가축구협회에게 재배분된다. 그리고 11~12위 협회의 플레이오프 참가권은 무효화되고 재배분되지 아니한다. 만일 둘 다 자격 안되면, 위에 언급된대로 같은 기준에 의해 최고 자격 협회에게 재배분된다. 만일 플레이오프 티켓 1장만 받은 어떤 국가축구협회라도(랭킹 11~12위 협회 또는 위 언급된 협회 포함) AFC 챔피언스리그 최소 기준을 충족하지 않으면, 플레이오프 1장은 취소되며 재배분되지 아니한다. 하나의 협회가 가질 수 있는 티켓의 최대 개수는, 최상위 리그 참가 팀 수의 1/3 수와 같다. 만약 AFC 클럽 면허 소지 팀 누구라도 AFC 챔피언스리그 참가 거부하면, 해당 자리는 취소되며 재배분되지 아니한다. 2021년 AFC 챔피언스리그에 참가 자격이 있는 협회들은 2019년 12월 2일 발행된 AFC 클럽 랭킹에 의해 결정된다. Notes 참가 클럽 Notes 경기 일정 2021년 1월 25일, 아시아 축구 연맹은 대회 일정을 발표하였다. Notes: 서: 서부 지역 동: 동부 지역 예선 플레이오프 각각의 예선 라운드는 단판전으로 이루어져 있다. 규정 9조 2항에 의거하여, 연장전이나 승부차기는 정규 시간 내에 승자가 결정되지 않았을 때 승자를 결정하기 위해 사용된다. 각 지역에서의 예선 라운드 팀 배정은 AFC 클럽 랭킹에 근거하여 결정되고, 둘 중 순위가 높은 협회에 소속된 클럽의 구장에서 경기를 진행한다. 같은 협회의 소속된 팀끼리는 같은 경기에 배정될 수 없다. 플레이오프 |+서아시아 |+동아시아 조별 리그 A조 B조 C조 D조 E조 F조 G조 H조 I조 J조 각조 2위팀 와일드카드 순위 서부 지역 동부 지역 결선 토너먼트 16강전 |+서부 지역 |} |+동부 지역 |} 8강전 8강전은 단판 경기로 진행된다. 2021년 9월 17일에 8강전 이후 대진 추첨이 이루어졌다. |+서부 지역 |} |+동부 지역 |} 준결승전 준결승전은 단판 경기로 진행될 예정이다. 진행 순서와 대진은 8강전 추첨에 같이 결정될 것이다. 서부 권역: 8강 서부 1 승자 대 8강 서부 2 승자 동부 권역: 8강 동부 1 승자 대 8강 동부 2 승자 |+서부 지역 |} |+동부 지역 |} 결승전 결승전은 사우디아라비아에서 단판 경기로 진행될 예정이다. 우승 같이 보기 2021년 AFC컵 각주 AFC 챔피언스리그 시즌 AFC 챔피언스리그
amphora/parallel-wiki-koen
full
Hugh Herr (born October 25, 1964) is an American rock climber, engineer, and biophysicist. Early life The youngest of five siblings of a Mennonite family from Lancaster, Pennsylvania, Hugh Herr was a prodigy rock climber: by age 8, he had scaled the face of the Mount Temple in the Canadian Rockies, and by 17 he was acknowledged to be one of the best climbers in the United States. In January 1982, after having ascended a difficult technical ice route in Huntington Ravine on Mount Washington in New Hampshire, Herr and fellow climber Jeff Batzer were caught in a blizzard and became disoriented, finally descending into the Great Gulf where they passed three nights in degree temperatures. By the time they were rescued, the climbers had severe frostbite. Both of Herr's legs had to be amputated below the knees; Batzer lost his lower left leg, the toes on his right foot, and the thumb and fingers on his right hand. During the rescue attempt, volunteer Albert Dow was killed by an avalanche. Following months of surgeries and rehabilitation, Herr was doing what doctors told him was unthinkable: climbing again. Using specialized prostheses that he designed, he created prosthetic feet with high toe stiffness that made it possible to stand on small rock edges the width of a coin, and titanium-spiked feet that assisted him in ascending steep ice walls. He used these prostheses to alter his height to avoid awkward body positions and to grab hand and foot holds previously out of reach. His height could range from . As a result of using the prostheses, Herr climbed at a more advanced level than he had before the accident, making him the first person with a major amputation to perform in a sport on par with elite-level, able-bodied persons. Personal life Hugh Herr has two daughters, Alexandra and Sage. Under the direction and guidance of their mother, author Patricia Ellis Herr, both girls are accomplished hikers and trekkers. Alex's earliest hiking achievements are described in Patricia's memoir, Up: A Mother and Daughter's Peakbagging Adventure (Broadway Books, April 2012). Education After his climbing career, Herr began to focus on academics, previously an area of little interest to him. He earned an undergraduate degree in physics at his local college, Millersville University, and a master's degree in mechanical engineering at MIT, followed by a PhD in biophysics from Harvard University. Career While a postdoctoral fellow at MIT in biomedical devices, he began working on advanced leg prostheses and orthoses, devices that emulate the functionality of the human leg. Herr is a professor at the MIT Media Lab, where he directs the Biomechatronics research group and co-directs the K. Lisa Yang Center for Bionics. At the center, he focuses on developing wearable robotic systems that serve to augment human physical capability. Most of what he designs is not for him, but for others to whose difficulties he can relate. Herr has published over 120 peer-reviewed papers in the field of rehabilitation science and is the holder (or co-holder) of more than 100 patents related to assistive devices, including those for a computer-controlled artificial knee, commercially available as the Rheo Knee an active ankle-foot orthosis, and the world's first powered ankle-foot prosthesis. These devices are advancing an emerging field of engineering science that applies principles of biomechanics and neural control to guide the designs of human rehabilitation and augmentative devices. The goal is to rehabilitate individuals that have undergone limb amputation or have a pathology, and also to augment human physical capability for those with normal intact physiologies. The computer-controlled knee, which is outfitted with a microprocessor that continually senses the joint's position and the loads applied to the limb, was named one of the Top Ten Inventions in the health category by Time magazine in 2004. The robotic ankle-foot prosthesis, which mimics the action of a biological leg and, for the first time, provides transtibial amputees with a natural gait, was named to the same Time top-ten list in 2007. In 2007, Herr was presented with the 13th Annual Heinz Award for Technology, the Economy and Employment. He is also the recipient of the Popular Mechanics Breakthrough Leadership Award (2005). Herr was a member of a team of seven experts in biomechanics and physiology from six universities that conducted research on the mechanics of Oscar Pistorius' running blades. The South African bilateral amputee track athlete was banned by the International Association of Athletics Federations (IAAF) from running in able-bodied events, as previous research had shown the blades gave him a competitive advantage. A portion of these results were presented to the Court of Arbitration for Sport (CAS) in Lausanne, Switzerland in May 2008, by Herr and colleague Rodger Kram which resulted in reversing the ban. This allowed Pistorius to become the first disabled sprint runner to qualify against able-bodied athletes for an Olympic event. The full findings of the team's experiments were published in the June 18, 2009 issue of the Journal of Applied Physiology. Herr's story has been told by Alison Osius in the book Second Ascent: The Story of Hugh Herr; a Discovery Channel feature story; and in a 2002 National Geographic movie, Ascent: The Story of Hugh Herr. Herr was featured on a March 25, 2012 episode of CNN's The Next List. A Nova PBS documentary featuring Herr premiered on February 23, 2022. Grants and awards Sports Hall of Fame (1989) United States College Academic Team (1990) Young American Award (1990) Science magazine Next Wave: Best of 2003 Time magazine Top Ten Inventions 2004 With the Providence VA Center for Restorative and Regenerative Medicine and Brown University, a $7.2 million grant from the US Department of Veterans Affairs to create "biohybrid" limbs to restore natural function to amputees. (2004) Popular Mechanics Breakthrough Leadership Award (2005) The 13th Annual Heinz Award in Technology, the Economy and Employment (2007) Time magazine Top Ten Inventions 2007 Action Maverick Award (2008) Spirit of Da Vinci Award (2008) R&D Magazine 2014 Innovator of the Year Smithsonian magazine's American Ingenuity Award (2014) in the Technology Category Princess of Asturias Award for Technical & Scientific Research (2016) Rock climbs 1983 Vandals, Gunks, FA with Lynn Hill and Russ Clune, first 5.13 on the East Coast. 1984 Stage Fright (5.12c X), Cathedral Ledge, North Conway, NH. First Ascent. 1986 Ride of the Valkyries (5.12a), Careno Crag, Leavenworth, WA – First Ascent. 1986 City Park (5.13c), Index Town Walls, WA – 2nd ascent. Biography References External links MIT Media Lab: Hugh Herr, Associate Professor of Media Arts and Science MIT Media Lab: Biomechatronics BiOM Board of Directors: Dr. Hugh Herr – Founder YouTube Video "The World We Dream – Hugh Herr Zeitgeist" 2012 Boston "Best Foot Forward", February 2009 Esquire "Hugh Herr's New Parts", November 30, 2006 Wired Italy "Hugh Herr: L'impronta dell'evoluzione", May 13, 2009 National Geographic Channel "Ascent: The Story of Hugh Herr" MIT News "Herr wins $250,000 Heinz Award" September 12, 2007 The Heinz Awards, Hugh Herr profile 1964 births Living people American biophysicists Engineers from Pennsylvania American rock climbers Sportspeople with limb difference Harvard University alumni Massachusetts Institute of Technology alumni Millersville University of Pennsylvania alumni Sportspeople from Lancaster, Pennsylvania American amputees MIT Media Lab people American scientists with disabilities 20th-century American sportsmen 21st-century American scientists
휴 허(Hugh Herr, 1964년 10월 25일 출생)는 미국의 암벽 등반가, 공학자, 그리고 생물 물리학자이다. 인생 초반 펜실베니아 주 랜체스터의 한 메노나이트 가정에서 다섯 형제 중 막내로 태어난 휴 허는 비범한 암벽 등반가였다. 8살 때, 그는 11,627 피트(3,544 m)의 캐나다 소재 로키 산맥의 템플 산을 올랐고, 17세에 미국에서 가장 뛰어난 등반가 중 하나로 인정받았다.<ref name="Bos-Mag">{{웹 인용 |url=http://www.bostonmagazine.com/2009/02/best-foot-forward-february/ |제목=Magazine article, "Best Foot Forward," February 2009 |확인날짜=2016-01-01 |archive-date=2017-03-30 |archive-url=https://web.archive.org/web/20170330102917/http://www.bostonmagazine.com/2009/02/best-foot-forward-february/ |url-status= }}</ref> 1982년 1월, 뉴 햄프셔 주 워싱턴 산에 있는 헌팅턴 계곡에서 어려운 얼음 등반을 하던 중, 휴 허와 한 명의 동료 등반가 제프 배처(Jeff Batzer)는 눈보라에 갇혀 길을 잃었고 결국 대협곡(The Great Gulf)으로 내려와 영하 29 ℃에서 3일 밤을 보냈다. 그들이 구조되었을 즈음에는 이미 심각한 동상을 입은 상태였다. 휴 허는 양쪽 다리를 모두 무릎 아래까지 절단해야 했다. 그의 동료는 왼쪽 무릎 아래와 오른쪽 발가락, 오른손의 손가락을 잃었다. 구조 시도를 하는 동안, 자원 봉사자 알버트 다우(Albert Dow)는 눈사태로 죽었다. 수술과 재활로 몇 달을 보낸 후, 휴 허는 의사가 그에게 절대로 불가능 할 것이라 했던 등반을 다시 시작했다. 그는 직접 디자인한 특화된 보형물들을 사용하여 동전 너비의 작은 바위 모서리에서도 설 수 있는 의족을 만들었으며, 가파른 얼음벽을 오르도록 도와주는 티타늄 스파이크가 부착되어 있었다. 그는 불편한 자세를 막기 위해 키를 조절하고 손과 발이 닿지 않기 전에 잡아주는 보형물을 사용했다. 휴 허의 키는 5~8 피트까지 조절할 수 있었다. 결과적으로 이 보형물들을 사용하여 휴 허는 사고를 당하기 전보다 한 층 높은 수준에 올랐고, 그를 건강한 사람들과 동등하게 스포츠를 수행하는 심각한 절단 수술을 받은 첫 번째 사람으로 만들었다. National Geographic Channel "Ascent: The Story of Hugh Herr" 개인적 삶 휴 허와 작가 패트리카 엘리스 허(Patrica Ellis Herr)는 두 딸 알렉산드라와 세이지의 부모이다. 알렉산드라의 첫 하이킹 성공은 패트리카의 회고록 "위로: 엄마와 딸의 등반 모험(Up: A Mother and Daughter’s Peakbagging Adventure)"에 묘사되어 있다. 학력 등산가로서 경력을 쌓고, 휴 허는 전부터 관심이 있던 학업에 몰두하기 시작했다. 그는 밀러스빌 대학 물리학과를 졸업하고, MIT에서 기계공학 석사학위, 하버드 대학에서 생체 물리학 박사 학위를 받았다. 경력 MIT에서 생물의학 기기 분야의 박사를 취득한 후 연구원으로 재직할 당시, 그는 인간의 다리 기능에 필적하는 진보된 다리 보조기구와 정형 수술에 관한 작업에 착수했다. 현재 그는 MIT의 '미디어 예술과 과학 프로그램'(Program in Media Art and Sciences)과 하버드-MIT의 건강 과학 기술 부서에서 부교수직을 맡고 있다. MIT 미디어랩의 바이오메카트로닉스 연구팀의 수장으로서 인간의 신체적 능력을 증가시키는 착용 가능한 로봇의 시스템을 발전시키는데 주력하고 있다. 그가 디자인하는 것들의 대부분은 그를 위한 것이 아니며 그와 만나기 어려운 다른 이들을 위한 것이다. 휴 허는 재활 과학 분야에서 60개가 넘는 동료 평가 논문을 발행했으며, 레오 니(Rheo Knee, an active ankle-foot orthosis, and the world's first powered ankle-foot prosthesis.와 같이 상업적으로 이용 가능한 컴퓨터로 조종하는 인공 무릎, 활동성 발목-발 보조기, 그리고 세계에서 최초로 충전식 발목-발 보조기구와 관련된 10개 이상의 특허권(공동 소유 포함)을 가지고 있다. 이 장비들은 바이오메카트로닉스와 신경 조절의 원리를 적용한 공학 과학의 떠오르는 분야를 이끌고 있다. 목표는 사지 절단이나 병으로 고통받는 사람들을 일상 생활로 복귀시키며, 순수한 생리학의 학문적 관점에서 인간의 육체적 조건의 상승시키는 것이다. 사지에 가해지는 중량과 관절의 위치를 지속적으로 감지하는 마이크로프로세서를 탑재한 컴퓨터로 통제되는 무릎은 2004년 타임지 선정 건강 부문에서 발명품 top 10에 올랐다. 인공 발목-발 보조기는 생물학적으로 다리의 움직임을 모방하였고 또한 최초로 정강이뼈 절단 수술을 받은 사람들이 자연스러운 걸음걸이를 걷게 해주었으며 타임지의 동일한 순위표에 2007년에 올랐다. 기술 부문과 경제와 고용 부문에서 하인즈 상을 2007년에 수상하였다. 또한 유명 기계 부문 혁신 리더상을 수상했다(2005) 그는 여섯 대학 출신의 바이오메카닉과 생리학 분야에서 전문가 7명으로 구성된 팀의 멤버이다. 이들 여섯 대학에서는 오스카 피스토리우스의 러닝 블레이드의 기계학에 관한 연구를 수행했다. 남아프리카공화국 출신의 양쪽 다리 절단 수술을 받은 트랙 선수인 오스카는 국제 육상경기 연맹(IAAF)으로부터 장애인 경기에서 뛰는 것을 금지당했는데 그의 블레이드가 경쟁적 우위를 가진다는 이유에서였다. 이 부분은 휴와 그의 동료 로져 크램에 의해 스위스의 라우센에서 2008년 5월 열린 CAS에서 발표되었고 이 금지를 뒤바꾸는 결과를 냈다. 피스토리우스가 올림픽에서 건장한 신체의 선수들과 경쟁할 자격을 갖춘 첫 번째 장애인 단거리 달리기 선수가 되었다. 이 팀의 실험 결과물들은 '응용 생리학 저널'(Journal for Applied Physiology) 지에 2009년 1월 18일 실렸다. 휴 허의 이야기는 엘리슨 오시우스가 쓴 '두 번째 등정: 휴 허의 이야기(Second Ascent: The Story of Hugh Herr)'에 소개되어있으며, 디스커버리 채널이 이 이야기를 방영하였고, 2002년에는 내셔널 지오그래픽이 영화 '등정: 휴 허의 이야기(Ascent: The Story of Hugh Herr)'를 제작했다. 또한 휴 허는 2012년 3월 25일 CNN의 The Next List 코너에 출현했다. 수상 다빈치 상 (2008) Action Maverick Award (2008) 제13회 기술 및 경제와 고용 부문 하인즈 상 (2007) 타임지 선쟁 10대 발명품(2004, 2007) Popular Mechanics Breakthrough Leadership Award (2005) Science magazine Next Wave: Best of 2003 Young American Award (1990) United States College Academic Team (1990) Sports Hall of Fame (1989) 암벽 등반 기록 1983 Vandals, Gunks, FA with Lynn Hill and Russ Clune, first 5.13 on the East Coast. 1984 Stage Fright (5.12c X), Cathedral Ledge, North Conway, NH. First Ascent. 1986 Ride of the Valkyries (5.12a), Careno Crag, Leavenworth, WA – First Ascent. 1986 City Park'' (5.13c), Index Town Walls, WA – 2nd ascent. 전기 오시우스, 엘리슨 (1991), 두 번째 등정: 휴 허의 이야기( Second Ascent: The Story of Hugh Herr). 메카닉스버그, PA: Stackpole Books( ) 각주 1964년 출생 살아있는 사람 생물물리학자 미국의 공학자 하버드 대학교 동문 매사추세츠 공과대학교 동문 암벽등반가 펜실베이니아주의 공학자
amphora/parallel-wiki-koen
full
Got another error: 03/21/2023 10:26:10 AM Queued 03/21/2023 10:26:10 AM Dedicating resources 03/21/2023 10:26:10 AM Partition ID: 466, Label: "Job" 03/21/2023 10:26:10 AM Actual CPU allocation: 256m 03/21/2023 10:26:10 AM Actual memory allocated: 1024mb 03/21/2023 10:26:13 AM Your job is now in a running state. 03/21/2023 10:26:15 AM Collecting slack-sdk 03/21/2023 10:26:15 AM Downloading slack\_sdk-3.20.2-py2.py3-none-any.whl (274 kB) 03/21/2023 10:26:18 AM Installing collected packages: slack-sdk 03/21/2023 10:26:20 AM Successfully installed slack-sdk-3.20.2 03/21/2023 10:26:27 AM Requirement already satisfied: slack-sdk in /opt/conda/lib/python3.7/site-packages (3.20.2) 03/21/2023 10:26:32 AM Requirement already satisfied: civis in /opt/conda/lib/python3.7/site-packages (1.16.0) 03/21/2023 10:26:32 AM Requirement already satisfied: click<9,>=6.0 in /opt/conda/lib/python3.7/site-packages (from civis) (6.7) 03/21/2023 10:26:32 AM Requirement already satisfied: tenacity<9,>=6.2 in /opt/conda/lib/python3.7/site-packages (from civis) (8.0.1) 03/21/2023 10:26:32 AM Requirement already satisfied: jsonschema<5,>=2.5.1 in /opt/conda/lib/python3.7/site-packages (from civis) (3.2.0) 03/21/2023 10:26:32 AM Requirement already satisfied: cloudpickle<3,>=0.2 in /opt/conda/lib/python3.7/site-packages (from civis) (1.2.2) 03/21/2023 10:26:32 AM Requirement already satisfied: jsonref<=0.2.99,>=0.1 in /opt/conda/lib/python3.7/site-packages (from civis) (0.2) 03/21/2023 10:26:32 AM Requirement already satisfied: requests<3,>=2.12.0 in /opt/conda/lib/python3.7/site-packages (from civis) (2.22.0) 03/21/2023 10:26:33 AM Requirement already satisfied: joblib<2,>=0.11 in /opt/conda/lib/python3.7/site-packages (from civis) (0.14.1) 03/21/2023 10:26:33 AM Requirement already satisfied: pyyaml<7,>=3.0 in /opt/conda/lib/python3.7/site-packages (from civis) (5.2) 03/21/2023 10:26:33 AM Requirement already satisfied: importlib-metadata; python\_version < "3.8" in /opt/conda/lib/python3.7/site-packages (from jsonschema<5,>=2.5.1->civis) (4.8.2) 03/21/2023 10:26:33 AM Requirement already satisfied: pyrsistent>=0.14.0 in /opt/conda/lib/python3.7/site-packages (from jsonschema<5,>=2.5.1->civis) (0.18.0) 03/21/2023 10:26:33 AM Requirement already satisfied: attrs>=17.4.0 in /opt/conda/lib/python3.7/site-packages (from jsonschema<5,>=2.5.1->civis) (21.2.0) 03/21/2023 10:26:33 AM Requirement already satisfied: six>=1.11.0 in /opt/conda/lib/python3.7/site-packages (from jsonschema<5,>=2.5.1->civis) (1.16.0) 03/21/2023 10:26:33 AM Requirement already satisfied: setuptools in /opt/conda/lib/python3.7/site-packages (from jsonschema<5,>=2.5.1->civis) (58.0.4) 03/21/2023 10:26:33 AM Requirement already satisfied: urllib3!=1.25.0,!=1.25.1,<1.26,>=1.21.1 in /opt/conda/lib/python3.7/site-packages (from requests<3,>=2.12.0->civis) (1.25.7) 03/21/2023 10:26:33 AM Requirement already satisfied: certifi>=2017.4.17 in /opt/conda/lib/python3.7/site-packages (from requests<3,>=2.12.0->civis) (2021.10.8) 03/21/2023 10:26:33 AM Requirement already satisfied: idna<2.9,>=2.5 in /opt/conda/lib/python3.7/site-packages (from requests<3,>=2.12.0->civis) (2.8) 03/21/2023 10:26:33 AM Requirement already satisfied: chardet<3.1.0,>=3.0.2 in /opt/conda/lib/python3.7/site-packages (from requests<3,>=2.12.0->civis) (3.0.4) 03/21/2023 10:26:33 AM Requirement already satisfied: typing-extensions>=3.6.4; python\_version < "3.8" in /opt/conda/lib/python3.7/site-packages (from importlib-metadata; python\_version < "3.8"->jsonschema<5,>=2.5.1->civis) (3.10.0.2) 03/21/2023 10:26:33 AM Requirement already satisfied: zipp>=0.5 in /opt/conda/lib/python3.7/site-packages (from importlib-metadata; python\_version < "3.8"->jsonschema<5,>=2.5.1->civis) (3.6.0) 03/21/2023 10:26:36 AM Traceback (most recent call last): 03/21/2023 10:26:36 AM File "/app/script", line 20, in 03/21/2023 10:26:36 AM CIVIS\_API\_KEY = os.environ["gARr3JjliVTvR4hP6yWO3Gse-12qjB72egrWVkuxBAY"] 03/21/2023 10:26:36 AM File "/opt/conda/lib/python3.7/os.py", line 679, in \_\_getitem\_\_ 03/21/2023 10:26:36 AM raise KeyError(key) from None 03/21/2023 10:26:36 AM KeyError: 'gARr3JjliVTvR4hP6yWO3Gse-12qjB72egrWVkuxBAY' 03/21/2023 10:26:37 AM Failed: The job container failed. Exit code 1 03/21/2023 10:26:37 AM No resource usage metrics were collected. This may happen when a Run finishes quickly.
다른 오류가 있습니다:03/21/2023 10:26:10 오전Queued03/21/2023 10:26:10 오전리소스 전용03/21/2023 10:26:10 AM파티션 ID: 466, 레이블: "Job"03/21/2023 10:26:10 오전실제 CPU 할당: 256m03/21/2023 10:26:10 오전실제 할당된 메모리: 1024MB03/21/2023 10:26:13 am이제 작업이 실행 중입니다.03/21/2023 10:26:15 AMslack-sdk 수집 중03/21/2023 10:26:15 AM slack\_sdk-3.20.2-py2.py3-none-any.whl 다운로드 (274 kB)03/21/2023 10:26:18 am수집된 패키지 설치: slack-sdk03/21/2023 10:26:20 amslack-sdk-3.20.2를 성공적으로 설치했습니다.03/21/2023 10:26:27 AM이미 충족된 요구 사항: /opt/conda/lib/python3.7/site-packages (3.20.2)의 slack-sdk03/21/2023 10:26:32 am이미 충족된 요구사항: /opt/conda/lib/python3.7/site-packages의 civis (1.16.0)03/21/2023 10:26:32 am이미 충족된 요구 사항: /opt/conda/lib/python3.7/site-packages의 클릭<9,>=6.0 (civis에서) (6.7) (6.7)03/21/2023 10:26:32 am이미 충족된 요구사항: /opt/conda/lib/python3.7/site-packages의 tenacity<9,>=6.2 (civis에서) (8.0.1).03/21/2023 10:26:32 오전이미 충족된 요구 사항: /opt/conda/lib/python3.7/site-packages의 jsonschema<5,>=2.5.1 (civis에서) (3.2.0).03/21/2023 10:26:32 am이미 충족된 요구사항: /opt/conda/lib/python3.7/site-packages (civis에서) (1.2.2)의 cloudpickle<3,>=0.203/21/2023 10:26:32 am이미 충족된 요구사항: jsonref<=0.2.99,>=0.1 in /opt/conda/lib/python3.7/site-packages (civis에서) (0.2) (0.2)03/21/2023 10:26:32 am이미 충족된 요구사항: 요청<3,>=2.12.0 in /opt/conda/lib/python3.7/site-packages (civis에서) (2.22.0).03/21/2023 10:26:33 am이미 충족된 요구사항: /opt/conda/lib/python3.7/site-packages의 joblib<2,>=0.11 (civis에서) (0.14.1).03/21/2023 10:26:33 오전이미 충족된 요구사항: pyyaml<7,>=3.0 in /opt/conda/lib/python3.7/site-packages (civis에서) (5.2) (5.2)03/21/2023 10:26:33 오전이미 충족된 요구 사항: /opt/conda/lib/python3.7/site-packages의 importlib-metadata; python\_version < "3.8" (jsonschema<5,>=2.5.1->civis에서) (4.8.2)03/21/2023 10:26:33 오전이미 충족된 요구 사항: /opt/conda/lib/python3.7/site-packages의 pyrsistent>=0.14.0 (jsonschema<5,>=2.5.1->civis에서) (0.18.0)03/21/2023 10:26:33 am이미 충족된 요구 사항: /opt/conda/lib/python3.7/site-packages의 attrs>=17.4.0 (jsonschema<5,>=2.5.1->civis에서) (21.2.0)03/21/2023 10:26:33 am이미 충족된 요구 사항: /opt/conda/lib/python3.7/site-packages의 six>=1.11.0 (jsonschema<5,>=2.5.1->civis에서) (1.16.0)03/21/2023 10:26:33 am이미 충족된 요구 사항: /opt/conda/lib/python3.7/site-packages의 setuptools (jsonschema<5,>=2.5.1->civis에서) (58.0.4)03/21/2023 10:26:33 am이미 충족된 요구사항: /opt/conda/lib/python3.7/site-packages의 urllib3!=1.25.0,!=1.25.1,<1.26,>=1.21.1 (요청<3,>=2.12.0->civis에서) (1.25.7)03/21/2023 10:26:33 am이미 충족된 요구사항: certifi>=2017.4.17 in /opt/conda/lib/python3.7/site-packages (요청<3,>=2.12.0->civis) (2021.10.8) (1.25.7)03/21/2023 10:26:33 am이미 충족된 요구사항: idna<2.9,>=2.5 in /opt/conda/lib/python3.7/site-packages (from requests<3,>=2.12.0->civis) (2.8)03/21/2023 10:26:33 오전이미 충족된 요구사항: /opt/conda/lib/python3.7/site-packages의 chardet<3.1.0,>=3.0.2 (요청<3,>=2.12.0->civis에서) (3.0.4)03/21/2023 10:26:33 am이미 충족된 요구 사항: 타이핑-확장>=3.6.4; /opt/conda/lib/python3.7/site-packages의 python\_version < "3.8" (importlib-metadata에서; python\_version < "3.8"->jsonschema<5,>=2.5.1->civis) (3.10.0.2)03/21/2023 10:26:33 am이미 충족된 요구 사항: /opt/conda/lib/python3.7/site-packages의 zipp>=0.5 (importlib-metadata에서; python\_version < "3.8"->jsonschema<5,>=2.5.1->civis) (3.6.0)03/21/2023 10:26:36 오전트레이스백 (가장 최근 통화 마지막):03/21/2023 10:26:36 오전 파일 "/app/script", 20 행, 안에서 03/21/2023 10:26:36 am CIVIS\_API\_KEY = os.environ["gARr3JjliVTvR4hP6yWO3Gse-12qjB72egrWVkuxBAY"]03/21/2023 10:26:36 am 파일 "/opt/conda/lib/python3.7/os.py", 679행, \_\_getitem\_\_에서03/21/2023 10:26:36 am 없음에서 키 에러(키) 발생03/21/2023 10:26:36 am키 에러: 'gARr3JjliVTvR4hP6yWO3Gse-12qjB72egrWVkuxBAY'03/21/2023 10:26:37 am실패했습니다: 작업 컨테이너가 실패했습니다. 종료 코드 103/21/2023 10:26:37 am리소스 사용량 메트릭이 수집되지 않았습니다. 실행이 빠르게 완료될 때 이 문제가 발생할 수 있습니다.
squarelike/sharegpt_deepl_ko_translation
full
Sir Andrew John Wiles (born 11 April 1953) is an English mathematician and a Royal Society Research Professor at the University of Oxford, specialising in number theory. He is best known for proving Fermat's Last Theorem, for which he was awarded the 2016 Abel Prize and the 2017 Copley Medal by the Royal Society. He was appointed Knight Commander of the Order of the British Empire in 2000, and in 2018, was appointed the first Regius Professor of Mathematics at Oxford. Wiles is also a 1997 MacArthur Fellow. Education and early life Wiles was born on 11 April 1953 in Cambridge, England, the son of Maurice Frank Wiles (1923–2005) and Patricia Wiles (née Mowll). From 1952 to 1955, his father worked as the chaplain at Ridley Hall, Cambridge, and later became the Regius Professor of Divinity at the University of Oxford. Wiles began his formal schooling in Nigeria, while living there as a very young boy with his parents. However, according to letters written by his parents, for at least the first several months after he was supposed to be attending classes, he refused to go. From that fact, Wiles himself concluded that he was not in his earliest years enthusiastic about spending time in academic institutions. He trusts the letters, though he could not remember himself a time when he did not enjoy solving mathematical problems. Wiles attended King's College School, Cambridge, and The Leys School, Cambridge. Wiles states that he came across Fermat's Last Theorem on his way home from school when he was 10 years old. He stopped at his local library where he found a book The Last Problem, by Eric Temple Bell, about the theorem. Fascinated by the existence of a theorem that was so easy to state that he, a ten-year-old, could understand it, but that no one had proven, he decided to be the first person to prove it. However, he soon realised that his knowledge was too limited, so he abandoned his childhood dream until it was brought back to his attention at the age of 33 by Ken Ribet's 1986 proof of the epsilon conjecture, which Gerhard Frey had previously linked to Fermat's famous equation. Career and research In 1974, Wiles earned his bachelor's degree in mathematics at Merton College, Oxford. Wiles's graduate research was guided by John Coates, beginning in the summer of 1975. Together they worked on the arithmetic of elliptic curves with complex multiplication by the methods of Iwasawa theory. He further worked with Barry Mazur on the main conjecture of Iwasawa theory over the rational numbers, and soon afterward, he generalised this result to totally real fields. In 1980, Wiles earned a PhD while at Clare College, Cambridge. After a stay at the Institute for Advanced Study in Princeton, New Jersey, in 1981, Wiles became a Professor of Mathematics at Princeton University. In 1985–86, Wiles was a Guggenheim Fellow at the Institut des Hautes Études Scientifiques near Paris and at the . From 1988 to 1990, Wiles was a Royal Society Research Professor at the University of Oxford, and then he returned to Princeton. From 1994 to 2009, Wiles was a Eugene Higgins Professor at Princeton. He rejoined Oxford in 2011 as Royal Society Research Professor. In May 2018, Wiles was appointed Regius Professor of Mathematics at Oxford, the first in the university's history. Proof of Fermat's Last Theorem Starting in mid-1986, based on successive progress of the previous few years of Gerhard Frey, Jean-Pierre Serre and Ken Ribet, it became clear that Fermat's Last Theorem could be proven as a corollary of a limited form of the modularity theorem (unproven at the time and then known as the "Taniyama–Shimura–Weil conjecture"). The modularity theorem involved elliptic curves, which was also Wiles's own specialist area. The conjecture was seen by contemporary mathematicians as important, but extraordinarily difficult or perhaps impossible to prove. For example, Wiles's ex-supervisor John Coates stated that it seemed "impossible to actually prove", and Ken Ribet considered himself "one of the vast majority of people who believed [it] was completely inaccessible", adding that "Andrew Wiles was probably one of the few people on earth who had the audacity to dream that you can actually go and prove [it]." Despite this, Wiles, with his from-childhood fascination with Fermat's Last Theorem, decided to undertake the challenge of proving the conjecture, at least to the extent needed for Frey's curve. He dedicated all of his research time to this problem for over six years in near-total secrecy, covering up his efforts by releasing prior work in small segments as separate papers and confiding only in his wife. In June 1993, he presented his proof to the public for the first time at a conference in Cambridge. In August 1993, it was discovered that the proof contained a flaw in one area. Wiles tried and failed for over a year to repair his proof. According to Wiles, the crucial idea for circumventing—rather than closing—this area came to him on 19 September 1994, when he was on the verge of giving up. Together with his former student Richard Taylor, he published a second paper which circumvented the problem and thus completed the proof. Both papers were published in May 1995 in a dedicated issue of the Annals of Mathematics. Awards and honours Wiles's proof of Fermat's Last Theorem has stood up to the scrutiny of the world's other mathematical experts. Wiles was interviewed for an episode of the BBC documentary series Horizon about Fermat's Last Theorem. This was broadcast as an episode of the PBS science television series Nova with the title "The Proof". His work and life are also described in great detail in Simon Singh's popular book Fermat's Last Theorem. Wiles has been awarded a number of major prizes in mathematics and science: Junior Whitehead Prize of the London Mathematical Society (1988) Elected a Fellow of the Royal Society (FRS) in 1989 Elected member of the American Academy of Arts and Sciences (1994) Schock Prize (1995) Fermat Prize (1995) Wolf Prize in Mathematics (1995/6) Elected a Foreign Associate of the National Academy of Sciences (1996) NAS Award in Mathematics from the National Academy of Sciences (1996) Royal Medal (1996) Ostrowski Prize (1996) Cole Prize (1997) MacArthur Fellowship (1997) Wolfskehl Prize (1997) – see Paul Wolfskehl Elected member of the American Philosophical Society (1997) A silver plaque from the International Mathematical Union (1998) recognising his achievements, in place of the Fields Medal, which is restricted to those under 40 (Wiles was 41 when he proved the theorem in 1994) King Faisal Prize (1998) Clay Research Award (1999) Premio Pitagora (Croton, 2004) Shaw Prize (2005) The asteroid 9999 Wiles was named after Wiles in 1999. Knight Commander of the Order of the British Empire (2000) The building at the University of Oxford housing the Mathematical Institute is named after Wiles. Abel Prize (2016) Copley Medal (2017) Wiles's 1987 certificate of election to the Royal Society reads: References External links Profile from Oxford Profile from Princeton 1953 births Living people 20th-century English mathematicians 21st-century English mathematicians Abel Prize laureates Alumni of Clare College, Cambridge Alumni of King's College, Cambridge Alumni of Merton College, Oxford Clay Research Award recipients Fellows of Merton College, Oxford Fellows of the Royal Society Fermat's Last Theorem Foreign associates of the National Academy of Sciences Institute for Advanced Study visiting scholars Knights Commander of the Order of the British Empire MacArthur Fellows Members of the American Philosophical Society Members of the French Academy of Sciences Number theorists People educated at The Leys School People from Cambridge Princeton University faculty Recipients of the Copley Medal Regius Professors of Mathematics (University of Oxford) Rolf Schock Prize laureates Royal Medal winners Trustees of the Institute for Advanced Study Whitehead Prize winners Wolf Prize in Mathematics laureates
앤드루 존 와일스 경(, 1953년 4월 11일 ~ )은 영국의 수학자이다. 1974년 옥스퍼드 대학교 머튼 칼리지에서 학사 학위를, 1979년 케임브리지 대학교 클레어 칼리지에서 박사 학위를 취득했다. 프린스턴 대학교 수학과 교수를 지냈다. 1994년 리처드 로런스 테일러의 도움으로 약 350년 동안 해결되지 않았던 수학계의 유명한 난제인 페르마의 마지막 정리를 최초로 완벽하게 증명했다. 수학계에서 가장 권위있는 상으로 꼽히는 필즈상은 나이 40세 미만 조건에 걸려서 수상하지 못했으나 그의 공이 너무 컸기 때문에 국제 수학 연맹(IMU)에서 1998년 기념 은판을 제작해서 필즈상 대신 수여하였다. 엄밀히는 필즈상 수상자가 아니었지만, 기념 은판을 제작해서 수여했다는 사실을 필즈상 수상자 공식 명단에 같이 게재해 주었다. 그의 제자 만줄 바르가바는 루빅스 큐브에서 영감을 얻은 후 가우스 합성 법칙을 확장한 것을 높게 평가받아 2014년에 필즈상을 받았다. 생애 초기와 교육 와일스는 1953년 케임브리지에서 옥스퍼드 대학교 교수와 성공회 사제로 일한 모리스 와일스(, 1923 ~ 2005)의 아들로 태어났다. 유년기에 케임브리지의 킹스 칼리지 스쿨()과 레이스 스쿨()에 다녔다. 와일스는 페르마의 마지막 정리를 10살 무렵 학교에서 돌아오는 길에 우연히 발견했다고 한다. 그는 지역 도서관에 우연히 들렸다가 그 정리를 발견하였는데, 10살 아이조차도 이해할 수 있을만큼 간단했음에도 불구하고 여태껏 아무도 증명하지 못한 정리의 아름다움에 매료되었다고 밝혔다. 그는 그 정리를 최초로 증명하는 사람이 되고자 마음먹었지만, 이내 그의 지식이 너무 얕다는 것을 깨닫고 포기하고 있었다. 수학적 업적 1974년 와일스는 옥스퍼드 대학교 머튼 칼리지에서 수학 석사 학위를 취득하고 박사 학위는 케임브리지 대학교 클레어 칼리지에서 취득하였다. 1981년 미국 뉴저지주 프린스턴에 위치한 프린스턴 고등연구소에 머물던 와일스는 프린스턴 대학교의 교수가 되었다. 1985년부터 1986년까지 와일스는 프랑스 파리에 위치한 IHÉS()와 고등사범학교()의 구겐하임 펠로가 되었다. 1988년부터 1990년 사이에 와일스는 옥스퍼드 대학교에서 왕립학회에서 후원하는 연구교수직을 맡았으며, 그 후에는 다시 프린스턴 대학교로 돌아갔다. 2011년에 다시 옥스퍼드 대학교에서 왕립학회 후원으로 연구교수직을 수행했다. 와일스의 졸업 연구는 1975년 여름에 존 코츠() 교수에게 지도받았다. 두 사람은 이와사와 이론()의 방법을 이용한 복소 곱셈을 통해서 타원곡선의 계산을 연구했다. 그 후, 와일스는 베리 메이저와 함께 이와사와 이론의 유리수에 대한 주요 추측에 대해서 연구하였고 얼마 지나지 않아서 이 결과물을 완전 실수체로 일반화에 성공했다. 페르마의 마지막 정리 증명 1986년 여름, 게르하르트 프레이()와 장피에르 세르, 켄 리벳의 오랜 연구에 힘입어 페르마의 마지막 정리가 모듈러성 정리의 제한된 형태와 귀결된다는 것이 명확해졌다. 모듈러성 정리는 와일스의 전공 분야였던 타원곡선과 연결된다. 이 추측은 당시 수학자들에겐 중요하지만 매우 어려운, 또는 증명을 위한 접근이 불가능한 문제로 보였다. 예를 들어 와일스의 전 지도 교수였던 존 코츠는 이 추측이 "사실상 증명이 불가능해 보인다"고까지 말했으며, 켄 리벳은 스스로를 "절대 불가능할거라 믿었던 대다수의 사람 중 한 명"이라 칭하며, "앤드루 와일스는 자신이 풀어 증명할 수 있다고 꿈꾸는 대담함을 지닌 지구상에 몇 없는 사람들 중 하나"라고 말했다.  이럼에도 불구하고 페르마의 마지막 정리에 어린 시절부터 매료되어 있었던 와일스는 이 추측을 증명하는 도전을 감수하기로 결정한다. 그는 6년 동안 그의 모든 시간을 연구에 쏟았으며, 이 과정은 매우 비밀스럽게 진행되었다. 와일스는 그의 연구를 여러 뭉치로 나누어 보관하고, 자신의 아내에게만 털어놓았다고 한다. 1993년에 와일스는 영국 케임브리지에 위치한 한 학회에서 처음으로 그의 증명을 세상에 내놓았다. 그러나 1993년 8월 그의 증명 한 부분에 오류가 있음이 밝혀졌다. 와일스는 그 오류 증명을 고치기 위해서 1년이 넘도록 시도와 실패를 거듭하였다. 와일스에 의하면 1994년 9월 19일에 그가 포기하기 직전에 이르렀을 때 이 부분을 피해갈 중대한 발상이 떠올랐다고 한다. 와일스의 옛 학생 리처드 로런스 테일러와 함께 그는 오류를 피해서 증명을 완결 지은 두 번째 논문을 발표하였다. 이 논문은 1995년 수학연보 특별판에 수록되었다. 대중의 인식 와일스가 발표한 페르마의 마지막 정리의 증명은 세계 수학자들의 철저한 검증을 거치게 되었다. 와일스는 BBC의 다큐멘터리 시리즈 《Horizon》의 페르마의 마지막 정리를 다룬 편에서 자세하게 인터뷰했다. 이것은 "The proof"라 재명명되었으며, PBS의 과학 텔레비전 시리즈 《Nova》에서도 다루어졌다. 1996년부터 미국 국립과학학술원()의 회원이 되었다. 상훈 수상 목록 와일스는 수학 및 과학에 관련된 중요한 상들을 많이 수상했다. Junior Whitehead Prize of the LMS(1988) 왕립학회 회원(1989) Schock Prize(1995) Fermat Prize(1995) Wolf Prize in Mathematics(1995/6) NAS Award in Mathematics from the National Academy of Sciences(1996) 로열 메달(1996) Ostrowski Prize(1996) Cole Prize(1997) Wolfskehl Prize(1997) 국제 수학 연맹(IMU)이 수여한 기념 은판(1998)40세 미만의 수학자에게만 주어지는 필즈상을 대신하여 그의 업적을 기리기 위한 것(그는 1953년에 태어났고, 1994년에 페르마의 마지막 정리를 증명했다). King Faisal Prize(1998) Clay Research Award(1999) Pythagoras Award(Croton, 2004) 쇼상(2005) 아벨상(2016) 코플리 메달(2017) 서훈 2000년 대영 제국 훈장 2등급(KBE, 작위급 훈장) 어록 같이 보기 페르마의 마지막 정리 피에르 드 페르마 주해 각주 외부 링크 국제 수학 연맹의 필즈상 수상자 명단: 와일스에게 은판을 수여한 사실을 기록하고 있다. 1953년 출생 살아있는 사람 잉글랜드의 수학자 20세기 수학자 21세기 수학자 영국의 기사 대영제국 훈장 사령관 기사 왕립학회 석학회원 프랑스 과학 아카데미의 회원 미국 과학 아카데미의 회원 로열 메달 수상자 아벨상 수상자 울프상 수학 부문 수상자 코플리 메달 수상자 클레이 연구상 수상자 옥스퍼드 대학교 머튼 칼리지 동문 케임브리지 대학교 클레어 칼리지 동문 옥스퍼드 대학교 머튼 칼리지 교수 프린스턴 대학교 교수 케임브리지 출신
amphora/parallel-wiki-koen
full
Mikhail Dmitriyevich Skobelev (; 29 September 1843 – 7 July 1882), a Russian general, became famous for his conquest of Central Asia and for his heroism during the Russo-Turkish War of 1877–1878. Dressed in a white uniform and mounted on a white horse, and always in the thickest of the fray, he was known and adored by his soldiers as the "White General" (and by the Turks as the "White Pasha"). During a campaign in Khiva, his Turkmen opponents called him goz ganly or "Bloody Eyes". British Field Marshal Bernard Montgomery assessed Skobelev as the world's "ablest single commander" between 1870 and 1914 and wrote of his "skilful and inspiring" leadership. Francis Vinton Greene also rated Skobelev highly. Early life and conquest of Khiva Skobelev was born in Saint Petersburg on 29 September 1843. His mother was Russian philanthropist Olga Skobeleva, and his father was Russian general Dmitry Ivanovich Skobelev. After graduating from the General Staff Academy as a staff officer, he was sent to Turkestan in 1868 and, with the exception of an interval of two years, during which he was on the staff of the grand duke Michael in the Caucasus, remained in Central Asia until 1877. During the Khivan campaign of 1873 he commanded the advance guard of General Lomakin's column from Kinderly Bay, in the Caspian Sea, to join General Verevkin, from Orenburg, in the expedition to the Khanate of Khiva, and, after great suffering on the desert march, took a prominent part in the capture of the Khivan capital. Later, dressed as a Turkoman, he explored in a hostile country the route from Khiva to Igdy on the old riverbed of the Oxus. In 1875, he was given an important command in the expedition against the Khanate of Kokand under General Konstantin Petrovich von Kaufmann, showing great capacity in the action of Makram, where he outmanoeuvered a greatly superior force and captured 58 guns, and in a night attack during the retreat from Andijan, routed a large force with a handful of cavalry. Later life, the Battle of Pleven, Geok Tepe and death He was promoted to major-general, decorated with the Order of St George, and appointed the first governor of the Ferghana Oblast. In the Russo-Turkish War (1877–1878), he crossed the Danube with the 8th Corps. Skobelev commanded the Caucasian Cossack Brigade in the attack of the Green Hills at the second battle of Pleven. An infantry division under Skobelev's command assailed the Grivitsa redoubt to the north. Schakofsky managed to take two redoubts, but by the end of the day the Ottoman forces succeeded in repulsing all the attacks and retaking lost ground. Russian losses amounted to 7,300, and the Ottomans' to 2,000. At the capture of Lovetch on 3 September, the general distinguished himself again in desperate fighting on the Green Hills during the third battle of Pleven in which Skobelev took two southern redoubts. The Romanian 4th division, led by General George Manu, took the Grivitsa redoubt after four bloody assaults, personally assisted by Prince Carol. The next day the Turks retook the southern redoubts, but could not dislodge the Romanians, who repelled three counterattacks. From the beginning of September, Russian losses had amounted to roughly 20,000, while the Ottomans lost 5,000. Promoted to lieutenant-general and given the command of the 16th Division, he took part in the investment of Pleven and also in the fight of 9 December, when Osman Pasha surrendered, with his army. In January 1878 he crossed the Balkans in a severe snowstorm, defeating the Turks at Sheynovo, near Shipka and capturing 36,000 men and 90 guns. Skobelev returned to Turkestan after the war, and in 1880 and 1881 further distinguished himself by retrieving the disasters inflicted by the Tekke Turkomans: following the Siege of Geoktepe, it was stormed, the general captured the fort. Around 8,000 Turkmen soldiers and civilians, including women and children were slaughtered in a bloodbath in their flight, along with an additional 6,500 who died inside the fortress. The Russians' massacre included all Turkmen males in the fortress who had not escaped, but they spared some 5,000 women and children and freed 600 Persian slaves. The defeat at Geok Tepe and the following slaughter broke the Turkmen resistance and decided the fate of Transcaspia, which was annexed to the Russian Empire. The great slaughter cowed the Akhal-Tekke country into submission. Skobelev was removed from his command because of the massacre. He was advancing on Ashkhabad and Kalat i-Nadiri when he was disavowed and recalled to Moscow. He was given the command at Minsk. The official reason for his transfer to Europe was to appease European public opinion over the slaughter at Geok Tepe. Some have suggested that he was suffering from delusions of grandeur and showing signs of political ambition. In the last years of his life, Skobelev engaged actively in politics, supporting the ideas of Russian nationalism and militant Pan-Slavism. He has also been credited as one of the earliest promoters of the concept "Russia for Russians". At the beginning of 1882, he made speeches in Paris and in Moscow, predicting desperate strife between Slavs and Germans. He was at once recalled to St Petersburg. He was staying at the Hôtel Dusseaux in Moscow and on his way to his estate in the country when he died suddenly of a heart attack on 7 July 1882. In Russia he was a very popular man at the time of his death, and not surprisingly, his death aroused suspicion among many. After all, he was a relatively young (38) and vigorous man. Skobelev's early death deprived Russia of a great military leader. This became especially evident during the Russo-Japanese War of 1904–05. The Russian generals commanding in that war were men of Skobelev's generation, but none of them had his military genius or charisma. Legacy After Skobelev's death, in Moscow a monument was raised in his honour on a major square on Tverskaya Street (across from the city hall, where today stands the statue of Yuri Dolgorukiy, the founder of Moscow), which was given his name, and the town of Fergana in Uzbekistan was renamed Skobelev. Today, his name still lives, even beyond the Russian Federation: shortly after the end of the Turkish War of 1877, the Bulgarians constructed a park in Pleven, Skobelev Park, on one of the hills where the major battles for the city took place. The park is also a location of the Panorama Pleven's Epopee 1877 memorial, where in one of the scenes of the gigantic 360 degree panoramic painting the White General is displayed charging with his horse and bare sword, leading the infantry Russian attack on the Turkish positions. A central boulevard in Sofia, the capital city of Bulgaria, also bears Mikhail Dmitriyevich Skobelev's name. Shortly after the entrance of the park, the bust of the famous general can be seen, watching over the city. The park contains memorials with the names of the Russian and Romanian soldiers that died for the liberation of Pleven, and is decorated with non-functional arms donated by Russia: cannons, cannonballs, gatling guns, rifles, and bayonets. In the 1955 Soviet-Bulgarian war epic Heroes of Shipka Skobelev, played by Yevgeny Samoylov, is portrayed as one of the films main heroes. Honours and awards Russian Order of St. Stanislaus, 1st class with swords Order of St. Anna. 1st and 4th classes Order of St. George, 2nd, 3rd and 4th classes Order of St. Vladimir, 3rd class with swords Gold Sword for Bravery Gold Sword for Bravery with diamonds Gold Sword for Bravery with diamonds for the transition of the Balkans Foreign Order of the Red Eagle, 1st and 2nd class with swords (Prussia) Pour le Mérite (Prussia) Grand Cross of the Order of the Cross of Takovo (Serbia) Order of the Cross of Takovo with swords (Serbia) Serbian Gold Medal for bravery; Montenegrin Medal Romanian Medal for military valour Notes References 1843 births 1882 deaths Military personnel from Saint Petersburg People from Sankt-Peterburgsky Uyezd Imperial Russian Army generals Russian nationalists Great Game Russian people of the January Uprising Russian military personnel of the Russo-Turkish War (1877–1878) Recipients of the Order of Saint Stanislaus (Russian), 1st class Recipients of the Order of St. Vladimir, 3rd class Recipients of the Order of St. George of the Second Degree Recipients of the Order of St. George of the Third Degree Recipients of the Order of St. Anna, 1st class Recipients of the Medal for Bravery (Serbia) Recipients of the Gold Sword for Bravery Recipients of the Pour le Mérite (military class) Recipients of the Order of the Cross of Takovo
미하일 드미트리예비치 스코벨레프(, 1843년 9월 29일 ~ 1882년 7월 7일)는 러시아 제국의 장군이다. 1877년부터 1878년 사이에 일어난 러시아-튀르크 전쟁에서 공적을 세웠고 러시아 제국이 중앙아시아를 정복하는 계기를 마련했다. 스코벨레프는 하얀 군복을 입고 하얀 말을 타녔기 때문에 항상 가장 치열한 싸움에서 병사들로부터 "하얀 장군"(오스만 제국에서는 "하얀 파샤"라고 불렀음)으로 불리면서 숭배의 대상이 되었다. 히바에서 군사 작전을 지휘하던 동안에 투르크멘인들에게는 "피의 눈"이라고 불렀다. 2차례의 세계 대전에 참전했던 영국의 육군 원수인 버나드 몽고메리는 스코벨레프를 1870년부터 1914년 사이에 활동한 세계에서 가장 뛰어난 단일 지휘관이라고 평가했고 그의 "기술적이고 고무적인" 지도력에 대한 글을 집필했다. 생애 스코벨레프는 1843년 9월 29일에 러시아 상트페테르부르크에서 태어났다. 그의 어머니는 러시아의 자선 사업가인 올가 스코벨레바였고 그의 아버지는 러시아 제국의 장군인 드미트리 이바노비치 스코벨레프였다. 스코벨레프는 1861년에 상트페테르부르크 대학교에 입학했으나 학생 봉기로 인하여 폐쇄되면서 육군 기병부대에서 복무하게 된다. 1864년에는 폴란드에서 일어난 1월 봉기 진압 과정에서 그로드노 근위경기병연대에 합류했다. 스코벨레프는 1866년에 니콜라이 군사 참모 아카데미에 입학했고 졸업과 함께 참모 장교로 임관되었다. 1868년에는 투르키스탄 군관구로 파견되어 타슈켄트, 부하라 등지에서 정보 수집·정찰 활동에 참여했다. 스코벨레프는 1870년에 캅카스 군관구 지휘관으로 파견되었고 1871년 3월에는 크라스노보츠크(현재의 투르크메니스탄 투르크멘바시)에서 기병대 지휘를 맡았다. 스코벨레프는 1873년에 일어난 히바 전역에서 니콜라이 로마킨이 이끌던 군대의 전위대 역할을 맡았는데 오렌부르크에서 니콜라이 베룝킨이 이끌던 군대와 합류했다. 스코벨레프는 사막으로 진군하던 과정에서 어려움을 겪었지만 히바 칸국 각지를 정찰하는 임무를 수행했고 러시아 제국 군대가 히바 칸국을 정복하는 데에 큰 역할을 했다. 스코벨레프는 1873년 8월 30일에 4등 스뱌토고게오르기 훈장을 받았고 1874년 2월 22일에는 육군 대령으로 승진했다. 스코벨레프는 1875년부터 1876년 사이에 일어난 콘스탄틴 폰 카우프만 장군과 함께 코칸트 칸국 원정에 나서면서 후잔트, 나망간, 안디잔을 차례대로 점령했다. 특히 마흐람 전투, 압두라흐만 압토바치의 반란 진압을 통해 러시아 제국이 코칸트 칸국을 정복하는 데에 큰 역할을 했다. 스코벨레프는 1876년에 3급 스뱌토고블라디미르 훈장과 검, 3등 스뱌토고게오르기 훈장을 받았고 같은 해에 페르가나주 총독으로 임명되었다. 스코벨레프는 페르가나에 새로운 도시를 건설하려는 계획을 주도하기도 했다. 스코벨레프는 1877년부터 1878년 사이에 일어난 러시아-튀르크 전쟁에서 자원 입대했고 1877년에 1급 스뱌토고스타니스와프 훈장 및 검을 받았다. 스코블레프는 하얀 제복과 하얀 모자를 쓰고 적군의 표적이 되기 쉬웠던 하얀 말을 탔기 때문에 군인들 사이에서 "하얀 장군"이라고 불렸다. 스코베레프 휘하의 러시아 제국 군대는 캅카스에 주둔하고 있던 코사크 여단과 함께 발칸반도 겨울 원정에 나섰고 불가리아 로베치·플레벤 전투에서 오스만 제국 군대를 격파하는 공적을 세웠다. 스코벨레프는 1879년에 육군 중장으로 승진하면서 1급 스뱌토고안나 훈장을 받게 된다. 스코벨레프는 1880년부터 1881년 사이에 아시가바트 근교에서 일어난 괴크테페 전투에서 테케 투르크멘인 군단을 격파하면서 러시아 제국이 투르크메니스탄을 정복하는 계기를 마련했다. 또한 1881년에 러시아 제국 육군 장성으로 승진하면서 2등 스뱌토고게오르기 훈장을 받는 영예를 안게 된다. 스코벨레프는 생전에 러시아 민족주의, 범슬라브주의를 지지했는데 특히 1882년 초반에 프랑스 파리, 러시아 모스크바에서 가진 연설에서 장래에 슬라브족과 게르만족 사이의 전쟁이 일어날 가능성을 예견하기도 했다. 스코벨레프는 1882년 7월 7일에 러시아 모스크바에 위치한 호텔에서 심장마비로 갑작스럽게 사망했는데 그의 사망에 대해 많은 의혹이 제기되었다. 1912년에는 모스크바 트베르스카야 광장에 스코벨레프 장군 기념비가 건립되었으나 러시아 내전이 진행 중이던 1918년에 볼셰비키에 의해 철거되었다. 그러나 2014년에 러시아 군사역사학회에 의해 모스크바 니쿨리노 공원에 스코벨레프 장군 기념비가 재건되었다. 훈장 러시아 제국 1급 스뱌토고스타니스와프 훈장 및 검 1·4급 스뱌토고안나 훈장 2·3·4등 스뱌토고게오르기 훈장 3급 스뱌토고블라디미르 훈장 및 검 용기의 금검 다이아몬드가 장착된 용기의 금검 외국 프로이센 왕국 1·2급 적수리 훈장 및 검 프로이센 왕국 푸르 르 메리트 군사훈장 세르비아 왕국 타코보 십자 훈장 및 검 세르비아 왕국 용맹 훈장 1843년 출생 1882년 사망 러시아 제국 육군 장성 러시아의 러시아-튀르크 전쟁 (1877년-1878년) 참전 군인 그레이트 게임 러시아 국민주의자 1급 스뱌토고스타니스와프 훈장 수훈자 3급 스뱌토고블라디미르 훈장 수훈자 2등 스뱌토고게오르기 훈장 수훈자 3등 스뱌토고게오르기 훈장 수훈자 1급 스뱌토고안나 훈장 수훈자 적수리 훈장 수훈자 푸르 르 메리트 군사훈장 수훈자
amphora/parallel-wiki-koen
full
Massachusetts College of Pharmacy and Health Sciences (MCPHS) is a private university focused on health- and life-sciences education, with campuses in Boston, Massachusetts, Worcester, Massachusetts, and Manchester, New Hampshire, as well as online programs. The university provides traditional and accelerated programs of study focused on professional education in pharmacy and the health sciences. History MCPHS was founded by fourteen Boston pharmacists as the Massachusetts College of Pharmacy in 1823 and is the oldest higher education institution in Boston. It is also the second-oldest and largest college of pharmacy in the United States, preceded only by the Philadelphia College of Pharmacy (Now the Philadelphia College of Pharmacy’s Doctor of Pharmacy program at Saint Joseph’s University), established in 1821. In 1825, the University published the First American Pharmaceutical Library Catalogue, detailing the effects of many pharmaceutical products. In 1852, the University obtained a charter from the Great Court of the Commonwealth of Massachusetts to award its first formal degree. In 1918, the University built the George Robert White Building in the Longwood Medical Area in Boston, across from Harvard Medical School to serve as its main campus. In 1979, The General Court of the Commonwealth of Massachusetts approved a reform in the charter of the University to permit degree awarding authority in the allied health sciences, and the University formally changed its name to the Massachusetts College of Pharmacy and Allied Health Sciences. The institution would later shorten its name to Massachusetts College of Pharmacy and Health Sciences (MCPHS). MCPHS added a campus in Worcester, Massachusetts in 2000 and an expanded campus in Manchester, New Hampshire in 2002. Also in 2002, MCPHS obtained and integrated the Forsyth School of Dental Hygienists into the University by introducing an Oral Hygiene Course. During this period, MCPHS grew to include a School of Pharmacy, a School of Physician Assistant Studies, a School of Optometry, a School of Physical Therapy, a School of Arts and Sciences, School of Nursing, a School of Dental Hygiene, and a School of Medical Imaging and Therapeutics, School of Healthcare Business, School of Occupational Therapy, and School of Acupuncture. In the spring of 2013, the institution legally modified its name to MCPHS University to represent this growth and the variety of programs it provides while retaining its acronym "MCPHS." In April 2016, MCPHS acquired the New England School of Acupuncture (NESA). In 2017, the school was dealing with overcrowding after a surge in enrollment. In 2018, MCPHS added new residence halls and did extensive renovations. In 2019 the school received an award for restoring the Duncan and Goodell Building at 34 Mechanic Street in Worcester and also added the School of Professional Studies. In 2021, the University reverted to using its full name as the Massachusetts College of Pharmacy and Health Sciences. Campuses Boston The Boston MCPHS campus is based at 179 Longwood Avenue, in the Longwood Medical and Academic Area. It is next to the Massachusetts College of Art and Design and Harvard Medical School, and near health care institutions such as Boston Children's Hospital, Dana–Farber Cancer Institute, Brigham and Women's Hospital, and Beth Israel Deaconess Medical Center. The Boston campus consists of three major buildings: the George Robert White Building, the Ronald A. Matricaria Academic and Student Center and the John Richard Fennell Building, which are all structurally integrated with the student dormitories. The Richard E. Griffin Academic Center, a fourth building, opened in January 2009 to house the University's School of Nursing, School of Physician Assistant Studies, School of Medical Imaging and Therapeutics, Center for Professional Career Development, and University Development. The six-story, triangular structure comprises approximately 50,000 square feet (4,600 m2) of classrooms, faculty and personnel offices, and labs for patient examination and clinical simulation teaching. The building also has a computing and education centre, and an auditorium with 230 seats. The MCPHS testing laboratories are designed for each of the specialty academic fields. There are such specialist laboratories as a radioisotope testing collection, a product development laboratory equipped for drug production designed for medicinal tableting, coating and encapsulation and a facility to manufacture liquids, ointments, and sterile cosmetic products. Instruments available include infrared, ultraviolet, and nuclear magnetic resonance spectrometers, gas chromatographs, and high-pressure liquid chromatographs. Facilities for machine and animal testing are accessible too. Additionally, services for testing equipment, although not accessible on site, are accessible via clinical and academic affiliations with other universities in the Greater Boston/Cambridge region. Worcester Located at 19, 25, 40 Foster Street, 28 Mechanics Street, 19 Norwich Street, and 10 Lincoln Square in Downtown Worcester, Massachusetts, MCPHS' Worcester campus houses the institution's accelerated programs in Nursing, Family Nurse Practitioner, Dental Hygiene, Diagnostic Medical Sonography, and Doctor of Pharmacy as well as the Master of Physician Assistant Studies program, two Master of Acupuncture programs, Doctor of Physical Therapy program, and the Doctor of Optometry program, for post-baccalaureate students. MCPHS Worcester is composed of three main buildings that are known collectively as The Thomas Henry Borysek Living and Learning Center. The Thomas Henry Borysek Living and Learning Center houses administrative and faculty offices, conference rooms, classrooms, a technology center, patient assessment and clinical simulation laboratories, and six floors of suite-style student housing (all with private bedrooms). The basement provides comfortable group study/social (lounge) space for students. A portion of the ninth floor also houses a spacious room, the Fuller Conference Room, designed for conferences, board meetings, receptions and other University gatherings. On September 21, 2009, MCPHS officially opened a new academic center in downtown Worcester, the Maher Academic Building at 40 Foster Street. The building houses 30,000 square feet of academic and student space. Two 250-seat auditoria and three "smart" classrooms feature interactive technology. The street-level multipurpose laboratory includes a model pharmacy that simulates community and institutional practice environments. There is also a student lounge, student meeting rooms, quiet study areas, and faculty offices. In mid-June 2010, MCPHS acquired the property at 10 Lincoln Square (formerly the Crowne Plaza Hotel). This 250,000-square-foot building offers furnished rooms, parking, a fitness center, dining hall, outdoor patio, and green space. It is also home to two clinics open to the public: the Eye and Vision Center and the Forsyth Dental Hygiene Clinic. The 28 Mechanic Street building is home to MCPHS Online, which was formed in 2011. This physical facility houses the MCPHS Online staff members charged with the development and oversight of MCPHS Online programs. The New England School of Acupuncture treatment center and programs are housed in the 19 Norwich Street building. Academics MCPHS is composed of fifteen distinct schools: New England School of Acupuncture Forsyth School of Dental Hygiene School of Arts and Sciences School of Healthcare Business and Technology School of Medical Imaging and Therapeutics School of Nursing - Boston School of Nursing - Worcester/Manchester School of Occupational Therapy - Worcester/Manchester School of Optometry School of Pharmacy – Boston School of Pharmacy – Worcester/Manchester School of Physical Therapy School of Physician Assistant Studies – Boston School of Physician Assistant Studies – Worcester/Manchester School of Professional Studies In 2016, the New England School of Acupuncture (NESA) combined with MCPHS's Worcester campus. The NESA was established in 1974, making it the oldest acupuncture school in the United States. College relations MCPHS Boston is a member of the Colleges of the Fenway, a collegiate consortium in the Longwood Medical and Academic Area. The association promotes collaboration between local schools, both academically and with buildings. The consortium includes MCPHS, Emmanuel College, MassArt, Simmons, and Wentworth Institute of Technology. Students are able to cross register between institutions and participate in shared social events planned by the Colleges of the Fenway and various groups throughout the campus. Students may also live at either their school of attendance, or in the campus dormitories of the other member schools. Collectively, the colleges represent more than 12,000 undergraduate students, comprising 16.2% of the total Boston population of undergraduates attending four-year colleges, or around 700 full-time faculty and 2,300 course offerings. MCPHS Worcester is a member of the Colleges of Worcester Consortium, a collaboration of twelve academic institutions which work to further the individual missions of the member institutions while advancing higher education in the region. MCPHS has partnerships with a variety of medical institutions to supplement its educational programs in the Premedical and Health Studies. Educational instruction may be provided by institutions such as Ross University School of Medicine for general medicine and Ross University School of Veterinary Medicine for veterinary medicine, Lake Erie College of Osteopathic Medicine for Dental Medicine, Lake Erie College of Osteopathic Medicine for Osteopathic Medicine, and A. T. Still University for Osteopathic Medicine. See also :Category:Massachusetts College of Pharmacy and Health Sciences alumni References External links Official website Medical education in the United States Health in Massachusetts Educational institutions established in 1823 Pharmacy schools in Massachusetts Universities and colleges in Boston Universities and colleges in Worcester, Massachusetts Universities and colleges in Hillsborough County, New Hampshire 1823 establishments in Massachusetts Private universities and colleges in Massachusetts Private universities and colleges in New Hampshire
MCPHS 대학교는 미국 메사추세츠 주에 있는 보스턴 시에 위치하고 있는 사립대학이다. 이 대학은 오래된 전통을 바탕으로 학생들에게 약학과 다른 보건건강과 관련된 학과들에 대한 속성 프로그램을 제공한다. 또한, 학교가 위치한 롱우드 메디칼 구역은 유명한 병원들과 리서치 시설들이 있어 학생들이 다양한 실습기회를 가질 수 있다. 2000년도부터 MCPHS는 캠퍼스를 신설하여 현재 보스턴,우스터 그리고 멘체스터시에 3개 캠퍼스가 있다. 역사 1823년에 설립된 Massachusetts College of Pharmacy는 14명의 약사들에 의하여 설립된 보스턴에서 가장 오래된 학교 중에 하나이다. 또한, 미국에서는 1821년에 설립된 USP(University of the Sciences in Philadelphia)에 이어 두 번째로 오래된 약학대학 이기도 한다. 1825년에는 대학 당국은 약 효과에 대한 첫 번째 카탈로그, First American Pharmaceutical Library Catalogue를 발표하였다. 1852년에는Great Court of the Commonwealth of Massachusetts에 의해 학위를 수여할 수 있는 헌장을 부여 받았다. 1918년, 대학은 하버드 의대 앞에 메인 캠퍼스의 역할을 위한George Robert White Building을 건축하였다. 그 후, 1979년에는 The general Court of the Commonwealth of Massachusetts는 학교에 보건과학에 관한 학위를 수여 할 수 있는 권한을 부여하였고, 학교의 공식명칭도 Massachusetts College of Pharmacy and Health Sciences로 변경하였다. The Massachusetts College of Pharmacy and Health Sciences는 후에 약학대학을 포함한 School of Health Sciences and School of Arts and Sciences로 규모를 키웠고, 2000년도에는 메사추세츠주 우스터시에 다른 캠퍼스를 추가하였다. 2002년에는 뉴헴프셔주 멘체스처시에 다른 캠퍼스를 추가하고 치위생사 프로그램을 학교 커리큘럼에 추가하였다. 2013년도 봄학기에는, 학교는 캠퍼스의 다양성을 반영하기 위해 공식명칭을 MCPHS University로 변경하였다. 보스턴 캠퍼스 Massachusetts College of Pharmacy and Health Science University의 보스턴캠퍼스는 롱우드 메디칼 구역에 있는 179Longwood Avenue에 위치해 있다. 캠퍼스의 위치는메사추세츠 미술대학, 하버드 의대와 함께 Children’s Hospital Boston, The Dana-Farber Cancer Institute, Brigham and Women’s Hospital, Beth Israel Deaconess Medical Center같은 유명 대형병원들과 근접해있다. 보스턴 캠퍼스는 the George Robert White building, the Ronald A.Matricaria Academic and Student Center 과 John Richard Fennell building, 총 3개 빌딩이 학생 기숙사동과 이어져있다. 4번째 빌딩은 학교와 조금 떨어져있는 The Richard E. Griffin Academic Center으로 간호학, 의사보조사 프로그램과 학교 운영실이 위치하고 있다. Griffin 아카데믹 센터는4600제곱미터에 달하는 삼각형 모양의 6층건물로 교수진들과 학교 운영진들의 오피스, 환자 진단과 임상 시뮬레이션 실험실도 함께 있다. 또한, 230석에 달하는 강연실과 컴퓨터 센터, 그리고 다운타운 보스턴의 전경을 한눈에 볼 수 있는 다목적 컨퍼런스 룸도 6층에 위치하고 있다. MCPHS의 연구 시설은 각 분야에 맞게 특성화되어있다. 방사선 동위원소 연구 시설과 약학에 맞는 제약 정제화, 코팅과 캡슐화할 수 있는 시설들이 대표적인 예이다. 설비들은 적외선,자외선 등을 사용할 수 있는 기능들이 탑재되어있고, 핵자기 공명 기기, 유기 화합물 혼합체 분석기등과 같이 다양화되어있다. 더불어, 만약 다른 연구 설비들이 필요할 시에는 보스턴/캐임브릿지 지역에 위치한 다른 기관에서 사용할 수도 있다. 우스터 캠퍼스 메사추세츠 다운타운 10 Lincoln Street,19, 25, 40 Foster Street과 28 Mechanics Street에 위치해있는 Massachusetts College of Pharmacy and Health Sciences 의 우스터 캠퍼스는 약학과 간호학과 속성프로그램과 함께 의사보조사 프로그램, 검안의 프로그램등을 대학원생들에게 제공하고 있다. MCPHS우스터 캠퍼스는The Living and Learning Center라고 알려져 있는 3개의 메인 건물로 이루어져있다. The Living and Learning Center는 130명정원의 아파트 형식의 기숙사, 교실, 강연실, 도서관, 컴퓨터실, 실험실, 관리자 오피스, 독서실, 라운지와 편의점을 갖추고 있다. Massachusetts College of Pharmacy and Health Sciences는 2009년 9월 21일 다운타운 우스터시에 새로운 아카데믹 센터를 열었다. 2008년 학교당국은 The Protocol Building이라 알려져 있는 빌딩을 사들여 School of Pharmacy in Worcester / Manchester의 면적은 더욱더 늘어날 것이다. 캠퍼스의 사이가 늘어남에 따라 우스터 캠퍼스는 총 750명의 약학생이 입학하게 될 것이다. (전체 프로그램에 총 1000명을 예상하고 있다.) 멘체스터 캠퍼스 MCPHS University의 멘체스터 캠퍼스는 다운타운 멘체스터의 1260 Elm Street에 위치하고 있다. 멘체스터 캠퍼스는 우스터 캠퍼스와 비슷한 커리큘럼으로 약학, 간호학의 속성프로그램과 대학원생들을 위한 Physician Assistant 석사 과정이 마련되어있다. 3,100제곱 미터에 달하는 캠퍼스빌딩은 도서관, 교실, 실험실, 세미나 룸, 관리실들과 학생들을 위한 공간들로 이루어져있다. 멘체스터 캠퍼스의 교실들은 우스터 캠퍼스와 화상 컨퍼런스가 가능할 수 있게 설치가 되어있다. 학업 MCPHS 대학교는 3개의 다른 학과로 이루어져있다. School of Art and Sciences은 학부생을 위한 화학, 건강 심리학, 공중 보건학. 미생물학과 Pre Med 프로그램을 제공하고 있다. The School of Health Sciences는 치위생학, 방사선학, 의사 보조학과 간호학과로 이루어져있다. 마지막으로 약대는 약학, 제약학, 제약마케팅과 매니지먼트 프로그램들을 제공하고 있다. 대학원은 의료화학, 약리학, 제약학, 검안학, 제약인허가학과 보건 정책학의 석사, 박사학위 프로그램을 제공하고 있다. 대학은 특정 과학프로그램들의 석사과정을 학점이수할 수 있는 제도와 함께 임상병리사가 되기위한 치위생, MRI , 핵의학과, 초음파진단학과, CT, 방사선 촬영학과, 방사선 치료학과 같은 프로그램들을 운영하고 있다. 학업 MCPHS 대학교는 3개의 다른 학과로 이루어져있다. School of Art and Sciences은 학부생을 위한 화학, 건강 심리학, 공중 보건학. 분자생물학과 Pre Med 프로그램을 제공하고 있다. The School of Health Sciences는 치위생학, 방사선학, 의사 보조학과 간호학과로 이루어져있다. 마지막으로 약대는 약학, 제약학, 제약마케팅과 매니지먼트 프로그램들을 제공하고 있다. 대학원은 의료화학, 약리학, 제약학, 검안학, 제약인허가학과 보건 정책학의 석사, 박사학위 프로그램을 제공하고 있다. 대학은 특정 과학프로그램들의 석사과정을 학점이수할 수 있는 제도와 함께 임상병리사가 되기위한 치위생, MRI , 핵의학과, 초음파진단학과, CT, 방사선 촬영학과, 방사선 치료학과 같은 프로그램들을 운영하고 있다. 외부 링크 매사추세츠주의 대학교 보스턴의 대학교
amphora/parallel-wiki-koen
full
Rewrite this YAML config to C++ code in an Espressif IDF function that reads registers. text\_sensor: # Range 30000 - 30035 - name: "Huawei inverter model" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 30000 register\_count: 15 response\_size: 30 skip\_updates: 100 - name: "Huawei inverter SN" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 30015 register\_count: 10 response\_size: 20 skip\_updates: 100 - name: "Huawei inverter PN" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 30025 register\_count: 10 response\_size: 20 skip\_updates: 100 # Inverter status string - name: "Huawei inverter status" platform: template id: inverter\_status\_string icon: "mdi:information" binary\_sensor: # Range 32000 - 32019 (1/2) # Register 32000 - name: "Huawei inverter state standby" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32000 bitmask: 0x001 - name: "Huawei inverter state grid-connected" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32000 bitmask: 0x002 - name: "Huawei inverter state grid-connected normally" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32000 bitmask: 0x004 - name: "Huawei inverter state grid connection with derating due to power rationing" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32000 bitmask: 0x008 - name: "Huawei inverter state grid connection with derating due to internal causes of the solar inverter" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32000 bitmask: 0x010 - name: "Huawei inverter state normal stop" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32000 bitmask: 0x020 - name: "Huawei inverter state stop due to faults" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32000 bitmask: 0x040 - name: "Huawei inverter state stop due to power rationing" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32000 bitmask: 0x080 - name: "Huawei inverter state shutdown" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32000 bitmask: 0x100 - name: "Huawei inverter state spot check" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32000 bitmask: 0x200 # Register 32002 - name: "Huawei inverter state unlocked" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32002 bitmask: 0x1 - name: "Huawei inverter state PV connected" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32002 bitmask: 0x2 - name: "Huawei inverter state DSP data collection" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32002 bitmask: 0x4 # Register 32003 - name: "Huawei inverter state off-grid" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32003 bitmask: 0x1 - name: "Huawei inverter state off-grid switch enable" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32003 bitmask: 0x2 # Register 32008 - name: "Huawei inverter alarm High String Input Voltage" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32008 bitmask: 0x0001 - name: "Huawei inverter alarm DC Arc Fault" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32008 bitmask: 0x0002 - name: "Huawei inverter alarm String Reverse Connection" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32008 bitmask: 0x0004 - name: "Huawei inverter alarm String Current Backfeed" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32008 bitmask: 0x0008 - name: "Huawei inverter alarm Abnormal String Power" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32008 bitmask: 0x0010 - name: "Huawei inverter alarm AFCI Self-Check Fail" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32008 bitmask: 0x0020 - name: "Huawei inverter alarm Phase Wire Short-Circuited to PE" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32008 bitmask: 0x0040 - name: "Huawei inverter alarm Grid Loss" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32008 bitmask: 0x0080 - name: "Huawei inverter alarm Grid Undervoltage" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32008 bitmask: 0x0100 - name: "Huawei inverter alarm Grid Overvoltage" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32008 bitmask: 0x0200 - name: "Huawei inverter alarm Grid Volt. Imbalance" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32008 bitmask: 0x0400 - name: "Huawei inverter alarm Grid Overfrequency" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32008 bitmask: 0x0800 - name: "Huawei inverter alarm Grid Underfrequency" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32008 bitmask: 0x1000 - name: "Huawei inverter alarm Unstable Grid Frequency" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32008 bitmask: 0x2000 - name: "Huawei inverter alarm Output Overcurrent" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32008 bitmask: 0x4000 - name: "Huawei inverter alarm Output DC Component Overhigh" icon: "mdi:information" platform: modbus\_controller modbus\_controller\_id: huawei\_inverter register\_type: holding address: 32008 bitmask: 0x8000
레지스터를 읽는 Espressif IDF 함수에서 이 YAML 구성을 C++ 코드로 작성합니다. text\_sensor: # 범위 30000 - 30035 - name: "화웨이 인버터 모델" icon: "mdi:정보" 플랫폼: modbus\_controller MODBUS\_controller\_ID: 화웨이\_인버터 등록\_type: 보류 중 주소 30000 register\_count: 15 응답\_크기: 30 SKIP\_updates: 100 - 이름: "화웨이 인버터 SN" 아이콘 "mdi:정보" 플랫폼: 모드버스\_컨트롤러 MODBUS\_controller\_ID: 화웨이\_인버터 register\_type: holding 주소 30015 register\_count: 10 응답\_크기: 20 SKIP\_updates: 100 - 이름: "화웨이 인버터 PN" 아이콘 "mdi:정보" 플랫폼: 모드버스\_컨트롤러 MODBUS\_controller\_ID: 화웨이\_인버터 register\_type: holding 주소 30025 register\_count: 10 응답\_크기: 20 SKIP\_updates: 100 # 인버터 상태 문자열 - 이름: "화웨이 인버터 상태" 플랫폼: 템플릿 ID: 인버터\_상태\_스트링 아이콘 "mdi:정보" 바이너리\_센서: # 범위 32000 - 32019 (1/2) # 32000 등록 - 이름: "화웨이 인버터 상태 대기" 아이콘 "mdi:정보" 플랫폼: MODBUS\_controller MODBUS\_controller\_ID: 화웨이\_인버터 register\_type: holding 주소 32000 bitmask: 0x001 - 이름: "화웨이 인버터 상태 그리드 연결" 아이콘 "mdi:정보" 플랫폼: modbus\_controller MODBUS\_controller\_ID: 화웨이\_인버터 register\_type: holding 주소 32000 bitmask: 0x002 - 이름: "화웨이 인버터 상태 그리드 연결 정상" 아이콘 "mdi:정보" 플랫폼: MODBUS\_controller MODBUS\_controller\_ID: 화웨이\_인버터 register\_type: holding 주소 32000 bitmask: 0x004 - 이름: "전력 배급으로 인한 경감으로 화웨이 인버터 상태 그리드 연결" 아이콘 "mdi:정보" 플랫폼: MODBUS\_controller MODBUS\_controller\_ID: 화웨이\_인버터 register\_type: holding 주소 32000 bitmask: 0x008 - 이름: "태양광 인버터의 내부 원인으로 인한 경감으로 화웨이 인버터 상태 그리드 연결" 아이콘 "mdi:정보" 플랫폼: modbus\_controller MODBUS\_controller\_ID: 화웨이\_인버터 register\_type: holding 주소 32000 bitmask: 0x010 - 이름: "화웨이 인버터 상태 정상 정지" 아이콘 "mdi:정보" 플랫폼: MODBUS\_controller MODBUS\_controller\_ID: 화웨이\_인버터 등록\_유형: 보류 주소 32000 bitmask: 0x020 - 이름: "결함으로 인해 화웨이 인버터 상태 중지" 아이콘 "mdi:정보" 플랫폼: MODBUS\_controller MODBUS\_controller\_ID: 화웨이\_인버터 등록\_유형: 보류 주소 32000 bitmask: 0x040 - 이름: "전력 배급으로 인해 화웨이 인버터 상태 중지" 아이콘 "mdi:정보" 플랫폼: MODBUS\_controller MODBUS\_controller\_ID: 화웨이\_인버터 register\_type: holding 주소 32000 bitmask: 0x080 - 이름: "화웨이 인버터 상태 종료" 아이콘 "mdi:정보" 플랫폼: MODBUS\_controller MODBUS\_controller\_ID: 화웨이\_인버터 등록\_유형: 보류 주소 32000 bitmask: 0x100 - 이름: "화웨이 인버터 상태 스팟 점검" 아이콘 "mdi:정보" 플랫폼: MODBUS\_controller MODBUS\_controller\_ID: 화웨이\_인버터 등록\_type: 보류 중 주소 32000 bitmask: 0x200 # 레지스터 32002 - 이름: "화웨이 인버터 상태 잠금 해제" 아이콘 "mdi:정보" 플랫폼: MODBUS\_controller MODBUS\_controller\_ID: 화웨이\_인버터 등록\_type: 보류 중 주소 32002 bitmask: 0x1 - 이름: "화웨이 인버터 상태 PV 연결됨" 아이콘 "mdi:정보" 플랫폼: MODBUS\_controller MODBUS\_controller\_ID: 화웨이\_인버터 register\_type: holding 주소 32002 bitmask: 0x2 - 이름: "화웨이 인버터 상태 DSP 데이터 수집" 아이콘 "mdi:정보" 플랫폼: 모드버스\_컨트롤러 MODBUS\_controller\_ID: 화웨이\_인버터 register\_type: holding 주소 32002 bitmask: 0x4 # 32003 레지스터 - 이름: "화웨이 인버터 상태 오프그리드" 아이콘 "mdi:정보" 플랫폼: MODBUS\_controller MODBUS\_controller\_ID: 화웨이\_인버터 등록\_type: 보류 중 주소 32003 bitmask: 0x1 - 이름: "화웨이 인버터 상태 오프그리드 스위치 활성화" 아이콘 "mdi:정보" 플랫폼: MODBUS\_controller MODBUS\_controller\_ID: 화웨이\_인버터 register\_type: holding 주소 32003 bitmask: 0x2 # 레지스터 32008 - 이름: "화웨이 인버터 알람 하이 스트링 입력 전압" 아이콘 "mdi:정보" 플랫폼: MODBUS\_controller MODBUS\_controller\_ID: 화웨이\_인버터 register\_type: holding 주소 32008 bitmask: 0x0001 - 이름: "화웨이 인버터 알람 DC 아크 오류" 아이콘 "mdi:정보" 플랫폼: MODBUS\_controller MODBUS\_controller\_ID: 화웨이\_인버터 등록\_유형: 보류 중 주소 32008 bitmask: 0x0002 - 이름: "화웨이 인버터 알람 문자열 역방향 연결" 아이콘 "mdi:정보" 플랫폼: 모드버스\_컨트롤러 MODBUS\_controller\_ID: 화웨이\_인버터 등록\_유형: 보류 주소 32008 bitmask: 0x0004 - 이름: "화웨이 인버터 알람 문자열 전류 백피드" 아이콘 "mdi:정보" 플랫폼: modbus\_controller MODBUS\_controller\_ID: 화웨이\_인버터 register\_type: holding
squarelike/sharegpt_deepl_ko_translation
full
The Battle of Fort Frontenac took place on August 26–28, 1758 during the Seven Years' War (referred to as the French and Indian War in the United States) between France and Great Britain. The location of the battle was Fort Frontenac, a French fort and trading post which is located at the site of present-day Kingston, Ontario, at the eastern end of Lake Ontario where it drains into the St. Lawrence River. British Lieutenant Colonel John Bradstreet led an army of over 3,000 men, of whom about 150 were regulars and the remainder were provincial militia. The army besieged the 110 people inside the fort and won their surrender two days later, cutting one of the two major communication and supply lines between the major eastern centres of Montreal and Quebec City and France's western territories (the northern route, along the Ottawa River, remained open throughout the war). The British captured goods worth 800,000 livres from the trading post. Background The British military campaigns for the North American theatre of the Seven Years' War in 1758 contained three primary objectives. Two of these objectives, captures of Fort Louisbourg and Fort Duquesne met with success. The third campaign, an expedition involving 16,000 men under the command of General James Abercrombie, was disastrously defeated on July 8, 1758, by a much smaller French force when it attempted the capture of Fort Carillon (known today as Fort Ticonderoga). Following that failure, many of Abercrombie's underlings sought to distance themselves from any responsibility for the disaster. Lieutenant Colonel John Bradstreet renewed an earlier proposal to capture Fort Frontenac, a French fort and trading post on the northern shore of Lake Ontario near where it empties into the St. Lawrence River. Abercrombie, who had first rejected the idea, citing the need for troops to attack Carillon, approved Bradstreet's plan to move up the Mohawk River valley to the site of Fort Oswego (captured and burned by the French in 1756), and then cross the lake to assault Frontenac. The British considered Fort Frontenac to be a strategic threat since it was in a position to command transportation and communications to other French fortifications and outposts along the St. Lawrence – Great Lakes water route and in the Ohio Valley. Although not as important as it once was, the fort was still a base from which the western outposts were supplied. The British reasoned that if they were to disable the fort, supplies would be cut off and the outposts would no longer be able to defend themselves. The British also hoped that taking the well-known fort would boost troop morale and honour after their demoralizing battle defeat at Fort Ticonderoga (Fort Carillon) in July 1758. The Indian trade in the upper country (the Pays d'en Haut) would also be disrupted. Fort Frontenac was an important trading center for Indian and French fur traders and was regarded as a threat to Fort Oswego, which was built by the British across the lake from Fort Frontenac in 1722 to compete with Fort Frontenac for the Indian trade, and later enhanced as a military establishment. General Montcalm had already used Fort Frontenac as a staging point to attack the fortifications at Oswego in August 1756. Trade through Fort Frontenac was so successful that some Indians preferred to trade with the French at the fort rather than the British outpost at Albany, New York, which provided more ready access to inexpensive British goods. The fort was a crumbling limestone construction that was only minimally garrisoned with about 100 French troops along with some militia and Indians under the command of Pierre-Jacques Payen de Noyan et de Chavoy, an elderly veteran of King George's War. While the fort was normally garrisoned by a larger force, the limited means available for the defense of New France had forced French military leaders to reduce its size for the defense of other parts of Canada. Noyan was alerted to the expedition's advance when Indian scouts took some prisoners, and authorities in Montreal organized reinforcements. However, these forces would not arrive before the British. Bradstreet assembled an army at Schenectady consisting of just 135 regular army troops and about 3,500 militia, drawn from the provinces of New York, Massachusetts, New Jersey, and Rhode Island. By the time his army reached the ruins of Fort Oswego on August 21, Bradstreet had lost 600 men, primarily to desertion. The trek met with minimal opposition from French and Indian raiding parties, but the route to Oswego, which had been virtually unused since 1756, was overgrown, and some of the waterways had silted up, causing heavily laden bateaux to ground in the shallow waters. Bradstreet's flotilla of bateaux crossed Lake Ontario, landing without opposition about one mile (1.6 km) from Fort Frontenac on August 25. Battle The night after landing, Bradstreet's men established gun batteries and began to dig trenches toward the old fort. They also attempted, without success to board two of the French ships anchored before the fort. On the morning of August 26, the British guns opened fire. The French garrison returned fire with cannons and muskets, but made little impression on the British. The two sides continued to exchange fire on the 27th, with the British establishing gun batteries northwest of the fort, about from the fort. On the morning of the 28th, two French ships attempted to escape the harbor, but ran aground after persistent British fire against them. Following a brief council of war, Noyan raised the white flag. Aftermath With the capture of Frontenac, the British intercepted significant supplies destined for French forts in the Ohio Country. More than 60 cannons (some of them British cannons the French had captured at Fort Oswego) were found, as were hundreds of barrels of provisions. To the many provincials in Bradstreet's army, the biggest prizes were bales of furs destined for shipment downstream to Montreal. In all, the value of the captured goods was estimated to be 800,000 French livres. Since Bradstreet's orders were not to hold the fort but to destroy it, many of the provisions were burned before the army returned to Oswego, using some of the captured French ships to help carry the loot. Bradstreet released the French prisoners after Noyan promised to gain the release of an equal number of British prisoners, and the French began to make their way back to Montreal. They were met by the relief force from Montreal. The French established Fort de La Présentation (at present-day Ogdensburg, New York) as a base for supply and defense. Fort Frontenac was again lightly garrisoned in 1759, but was no longer a site of importance in the war, which ended with the fall of Montreal in September 1760. New France's governor, the Marquis de Vaudreuil, took full responsibility for the French loss, as he had believed that the British "would not dare to enter Lake Ontario on which [the French] had vessels." He did however force Noyan into retirement. Noyan returned to France, where he spent some time in the Bastille on charges that he misappropriated public funds, and was eventually fined six livres. Notes References Chartrand, René. Fort Frontenac 1758: Saving Face after Ticonderoga. Osprey Publishing Military Books. Anderson, Fred. Crucible of War – the Seven Years'War and the Fate of the Empire in British North America, 1754–1766. New York: Alfred A. Knopf Ltd., 2000. . External links Fort Frontenac - French and Indian War (U-S-history.com) Lossing's Field Book of the Revolution (RootsWeb) Fall of Fort Frontenac (HistoryOfWar.org) Bradstreet, John. An impartial account of Lieut. Col. Bradstreet's expedition to Fort Frontenac : to which are added, a few reflections on the conduct of that enterprise, and the advantages resulting from its success. London. 1759 Fort Frontenac Fort Frontenac 1758 Fort Frontenac 1758 Fort Frontenac 1758 1758 in New France Fort Frontenac 1758 1758 in North America
프롱트낵 요새 전투(Battle of Fort Frontenac, )는 프렌치 인디언 전쟁 중 1758년 8월 26일부터 같은 해 8월 28일에 걸쳐 프랑스와 영국 사이에서 벌어진 전투이다. 이 전투의 무대가 된 프롱트낵 요새는 프랑스의 요새이며, 모피 교역을 하는 교역소이기도 했다. 온타리오 호수와 세인트로렌스강의 접점에 위치하고 있었으며, 영국군 중령 존 브래드스트리트에 의해 점령당했다. 교역소에는서 80만 리브르의 가치 있는 물자가 남아 있었다. 배경 1758년 영국군의 군사 작전에는 세 가지 주요한 목적이 있었다. 그 중 하나의 목적인 루이부르루 요새의 공략은 성공했다. 뒤켄 요새는 11월 말에 영국군이 결과적으로 점령할 수 있었다. 또 하나는 7월 8일에 발발한 카리용 전투였지만, 이 전투에서 제임스 아베크롬비 장군 휘하의 16,000명의 군사를 포함한 원정대가 카리용 요새(현재 타이컨더로가 요새)의 공략을 노렸지만, 인원으로 훨씬 적은 프랑스 군에게 완패했다. 이 패배를 받아 아베크롬비의 ‘부하’들은 책임을 회피할 길을 모색했다. 영국군 중령 존 브래드스트리트는 프롱트낵 요새 공략을 빨리 할 수 있도록 여러 번 요청했다. 이 요새는 프랑스 교역소이자, 온타리오 호수의 북쪽 해안에 있고, 호수에서 세인트로렌스강으로 흘러드는 장소에 있었다. 아베크롬비는 카리용 요새를 공격하는데 전력이 필요하다고 말하면서 처음에는 그 제안을 반대했다. 그러나 브래드스트리트가 제안한 모호크강을 거슬어 올라 가 오스위고 요새로 간 뒤 온타리오 호수 건너편, 프롱트낵 요새를 습격하는 방법에는 찬성했다. 브래드스트리트는 스키넥터디에서 군사를 집결시켰다. 135명의 정규군과 뉴욕, 매사추세츠 만, 뉴저지, 로드아일랜드의 식민지 소집한 3,500명의 민병대와 군대로 구성되어 있었다. 8월 21일에 오스위고 요새 유적지에 도착할 때까지 600명의 병사가 도주해서 이탈했다. 이 길은 프랑스 군과 인디언 동맹군의 습격을 받을 가능성은 낮았으나, 2년 정도 실질적으로 사용되지 않은 길에다 나무가 무성하고 수로는 일부가 갯벌에서 막혀 있고, 짐을 실은 보트가 강바닥이 얕아 지면에 부딪혀 버렸다. 브래드포트가 이끄는 강어선을 이용한 소함대는 온타리오 호수를 가로 질러 적의 공격을 받지 않고 프롱트낵 요새에서 1마일 (1.6km) 지점에 도착했다. 프롱트낵 요새는 인디언과 프랑스의 모피 무역에 중요한 교역소였다. 이곳을 통한 교역은 매우 번성했고 일부 인디언들은 싸게 영국 상품을 다수 입수할 수 있는 뉴욕의 올버니의 교역소보다 프랑스와의 교역을 더 선호했다. 잘게 부순 석회암으로 건설된 요새는 최소 인원의 주둔군 밖에 없었다. 100명 정도의 프랑스 정규군에, 민병대와 인디언이 몇몇이 조지 왕 전쟁을 경험한 베테랑 피에르 자크 파이안(Pierre-Jacques Payen de Noyan et de Chavoy)의 지휘를 받고 있었다. 요새는 원래 더 많은 인원으로 보호되었어야 했지만, 최소한의 인원 밖에 두지 않은 것은 누벨프랑스의 방어에 인원이 할당되었기 때문이었다. 따라서 캐나다의 다른 곳을 방어하기 위한 인원은 줄어들 수밖에 없었다. 노이안은 인디언 척후가 영국 병사 몇몇을 포로로 잡은 것을 보고 브래드스트리트의 원정대가 다가오고 있다는 것을 알고서 신경을 곤두세우고 있었다. 또한 몬트리올 당국도 증원 부대를 편성하고 있었지만, 영국군의 도착이 훨씬 더 빨랐다. 전투 도착 후 밤이 되고 나서 브래드스트리트의 병사는 대포를 세우고, 노후화 된 요새 주위에 참호를 파기 시작했다. 또한 요새 앞에 정박하고 있는 프랑스 선박 2척에 타려고 했지만 이것은 실패로 돌아갔다. 8월 26일 아침, 영국군의 포격이 시작되었고, 프랑스 주둔 부대는 대포와 소총으로 응전했지만, 영국군에 별 효과를 보지 못했다. 27일에도 요새 주둔 부대와 요새에서 약 북서쪽으로 200야드(약 183m) 거리에 고정시킨 영국군의 대포와의 교전은 계속되었다. 28일 아침, 두 척의 프랑스 선박이 전쟁을 피해 요새에서 떠나려고 했지만, 끊임없는 영국군의 포격을 받아 좌초당했다. 노이안은 짧은 작전 회의를 개최한 후 백기를 내걸었다. 결과 프롱트낵 요새를 공략한 영국군은 오하이오 영토를 향해 보내질 예정이었던 상당한 양의 보급품을 가로챌 수 있었다. 60대의 대포(프랑스 군이 한때 오스위고 요새에서 빼앗은 것도 포함)가 발견되었고, 무엇보다 수백 통의 식량도 있었다. 뉴잉글랜드의 민병대들에게 가장 큰 보상은 세인트 로렌스 강을 통해 몬트리올에 출하되는 포장된 모피였다. 영국군이 손에 넣은 물건은 대충 추정하여 80만 리브르의 가치가 있었다. 브래드스트리트는 요새를 떠나 돌아가기 전에 철저하게 파괴하도록 명령했기 때문에 음식의 대부분은 오스위고로 돌아가기 전에 불태웠고, 다른 전리품을 챙겨 요새에 있던 배를 썼다. 브래드스트리트는 노이안에게 포로로 잡은 프랑스 병사들과 동수의 영국 포로를 돌려주도록 약속받은 후 그 포로들을 풀어 주었다. 그후 프랑스 군은 몬트리올로 돌려보냈다. 그들은 몬트리올에서 출발한 원군과 마주쳤다. 프랑스는 보급과 방어 기지용으로 프레종따시옹 요새(Fort de La Présentation, 현재 뉴욕의 오그덴즈버그)를 세웠다. 프롱트낵 요새는 1759년 잠시 주둔지로 사용되었지만, 1760년 9월 몬트리올 함락으로 전쟁이 끝나게 되면서 다시는 중요한 군 기지로 사용되지 않았다. 누벨 프랑스의 총독인 보드레이유 백작은 프랑스의 패배에 모든 책임을 졌고, 영국군이 “프랑스의 배가 정박해 있었기 때문에 영국군이 감히 온타리오 호수에 넘어오지 않을 것”이라고 믿었다고 털어놨다. 그러나 보도루이유는 노이안을 퇴역시키지 않을 수 없었다. 노이안은 프랑스로 돌아와 잠시 횡령 혐의로 바스티유 감옥에 수감되었고, 결국 6 리브르의 벌금을 부과받았다. 참고 문헌 각주 외부 링크 Fort Frontenac - French and Indian War (U-S-history.com) Lossing's Field Book of the Revolution (RootsWeb) Fall of Fort Frontenac (HistoryOfWar.org) Chartrand, René. Fort Frontenac 1758: Saving Face after Ticonderoga. Osprey Publishing Military Books. Biography of John Bradstreet at the 캐나다 온라인 전기 사전 Biography of Pierre-Jacques Payen de Noyan et de Chavoy at the 캐나다 온라인 전기 사전 미국 인디언 전쟁 프랑스가 참가한 전투 영국이 참가한 전투 온타리오주의 역사 1758년 분쟁 1758년 프랑스 1758년 북아메리카 프렌치 인디언 전쟁의 전투
amphora/parallel-wiki-koen
full
is a five-member Japanese boy band under Johnny & Associates. The group's former name was A.B.C., which stands for Acrobat Boys Club. It was changed to A.B.C-Z after Ryosuke Hashimoto was moved to the group from J.J.Express in 2008. Due to the Japanese pronunciations of their name, the fans usually refer to them as "Ebi". The group was a former Johnny's Jr. unit. They debuted February 1, 2012, with their DVD Za ABC ~5 Stars~. History 2001–2008: As A.B.C. Members: Koichi Goseki Shota Totsuka Ryoichi Tsukada Fumito Kawai In 2002 they became A.B.C. with Yoshikazu Toshin. 2008–2011: A.B.C-Z pre-debut In the Summer of 2008, it was announced that Ryosuke Hashimoto, who was a member of J.J.Express would join A.B.C., thus the group name changed to A.B.C-Z, their name is an acronym for "Acrobatics Boys Club Z" the Z symbolizing the last member coming into the group and completing them like Z completes the alphabet. Right after that, they held a concert, along with Kis-My-Ft2. In May 2010 they were allowed to hold their concert at Theater Crea in Tokyo. It was also the first time they produced their concert. They had their solo live from May 11 until 19th and then other units from Johnny's Jr. will take part in, and hold four different kinds of the show in total until May 31. On July 23, 2011, during the PLAYZONE'11 musical, Fumito Kawai broke his left leg, causing him not to be able to appear for the rest of the show. After PLAYZONE'11 A.B.C-Z was scheduled to be in the stage play Shonentachi Koushi Naki Rougoku. Johnny H. Kitagawa was at the opening of this show and revealed a new group of seven, ABC-xyZ, centered on the already existing four-member group A.B.C-Z. He also hinted that things could get going by 2012, but for that Kawai needs to get better first. On November 6 they held their first one-man concert at Tokyo's Yoyogi National Stadium for 26,000 fans. They also announced that in February next year they will be hosting a play, titled “ABC-za Star Kouen”, at Nissay Theater in Tokyo. Johnny H. Kitagawa commented that they may debut the next year. On December 9 A.B.C-Z held a press conference for their upcoming stage play “ABC-za Star Kouen”. They also announced that they will be debuting in 2012 with a DVD. This would make them the first Johny's to do so. They hope to release the DVD before the opening of their stage play on February 4. It is said that the DVD will be released under Johnny's Entertainment. By the end of December the release date, February 1, 2012, was then made public, along with the content of the DVD. 2012–2018: Debut and 5th anniversary A.B.C-Z made their debut in 31st January at Shibuya AX which gathered 15.000 fans. Their DVD debut got number 1 in Oricon weekly ranking. In July, their variety show "ABChanZoo" starts broadcasting in TV Tokyo. In June 2014, the first drama of A.B.C-Z members "Magical Boy Cherry's" starts broadcasting in TV Tokyo. In September 2015, A.B.C-Z released their first single "Moonlight Walker" which got number 1 in Oricon weekly ranking. 4 years after their debut, in July 2016 A.B.C-Z established their official Fan Club A.B.C-Z celebrated 5th anniversary of the group's debut in 2017 by releasing the single "Reboot!!!" and an album "5 Performer-z", followed by the "A.B.C-Z 5Stars 5Years Tour". In 2018 A.B.C-Z celebrated their 10th year of the group formation and did a collaboration event with amusement park "Tokyo Joypolis", the event was called "A.B.C-Z 5stars CIRCUS in JOYPOLIS". The group also released a new single "JOYしたいキモチ" for this collaboration event. 2019 A.B.C-Z held their last concert of the Love Battle Tour in Yokohama Arena on January 8, they announced a new single "Black Sugar" which will be released on March 28. They also announced a new drama "Our Showtime" that will be airing in Nagoya TV on April, the theme song for the drama is A.B.C-Z song "Showtime" from the single "Black Sugar". The group released their 6th album on August 7 "Going With Zephyr", followed by the tour with the same title as their album. Their collaboration event with the amusement park "Tokyo Joypolis" continued for the second year in a row. 2023 On 22 September 2023, member Fumito Kawai announced he would leave the group to prepare himself to become a better MC. His plan is to continue in Johnny's his solo career. He will be leaving on 21 December. Members Current members Ryosuke Hashimoto - 橋本良亮 (born July 15, 1993 - red) Fumito Kawai - 河合郁人 (born October 20, 1987 - violet) (until 1 December 2023) Shota Totsuka - 戸塚祥太 (born November 13, 1986 - pink) Ryoichi Tsukada - 塚田僚一 (born December 10, 1986 - yellow) Koichi Goseki - 五関晃一 (born June 17, 1985 - blue) Discography Studio albums Compilation albums Singles Video releases Video singles Live videos Group activities Variety shows Shounen Club 「ザ少年倶楽部」(2008–present) J Journeys A.B.C-Z Working Holiday [J'J A.B.C-Z オーストラリア縦断 資金0円ワーホリの旅] (2013.04.01 - 06.17) ABChanZoo 「えびチャンズ」(2013.07.21 - present) Drama Magical Boy Cherry's「魔法☆男子チェリーズ」(2014.06.21 - 09.21) Radio A.B.C-Z Go!Go!5 (FM NACK5) (2015.04 - present) A.B.C-Z今夜はJ's倶楽部 (NHK) (2016.08 - present) ダイヤルA.B.C☆E (TBS Radio) (2016.09 - 2017.03) Stage Play Shinshun Takizawa Kakumei (2009.01) Dream Boys (2009.09.04 - 10.25) She Loves Me (2009.12.12 - 2010.01.31) Shinsun Takizawa Kakumei (2010.01) Takizawa Kabuki (2010.04 - 05) PLAYZONE 2010 ~ROAD TO PLAYZONE~ (2010.07 - 08) Shounentachi with Kis-My-Ft2 (2010.09) Shinsun Takizawa Kakumei (2011.01) PLAYZONE’11 SONG & DANC’N (2011.08) Shounentachi (2011.09) ABC座 星(スター)劇場 (2012.02) Shounentachi (2012.09) ABC座 2013 ジャニーズ伝説 (2013.10) ABC座 2014 ジャニーズ伝説 (2014.05) ABC座 2015 (2015.10) ABC座 2016 株式会社 応援屋!!〜OH&YEAH!!〜 (2016.10) ABC座 2017 ジャニーズ伝説 (2017.10) ABC座 2018 ジャニーズ伝説 (2018.10) Concerts A.B.C-Z Kis-My-Ft2 First Concert (11-13 Oct, 8-9 Nov 2008) Minna Crea ni Kite Kurie! (11–19 May 2010) 年末ヤング東西歌合戦! 東西Jr.選抜大集合2010! A.B.C-Z+ジャニーズJr.選抜 VS 中山優馬+関西Jr.選抜 (26-27 Nov 2010) Minna Crea ni Kite Kurie 2011 (29 March- 5 May, 13–18 May, 23–29 May 2011) A.B.C-Z 2011 first Concert in YOYOGI (6 Nov 2011) A.B.C.-Z. and Sexy Zone Johnny's Dome Theater ~SUMMARY~ A.B.C-Z 2013 Twinkle×2 Star Tour (23 Mar 2013 - 25 May 2013) Summer Concert 2014 A.B.C-Z★"Legend" (2014) A.B.C-Z Early summer concert (2015) Sexy Zone A.B.C-Z Summer Paradise in TDC (2015) A.B.C-Z Star Line Travel concert (2016) A.B.C-Z 5Stars 5Years Tour (2017) A.B.C-Z Love Battle Tour (2018-2019) Photobook [2017.04.25] Itsutsu Hoshi (五つ星) Event A.B.C-Z 5stars CIRCUS in JOYPOLIS (2018) A.B.C-Z 5stars Festival in JOYPOLIS (2019) Notes References External links A.B.C.-Z. at Johnny's Net website Johnny & Associates Japanese boy bands Japanese pop music groups Japanese idol groups Pony Canyon artists Musical groups established in 2005 2005 establishments in Japan
A.B.C-Z는 일본의 5인조 남성 아이돌 그룹이다. 소속 사무소는 쟈니즈 사무소이며, 레코드 레이블은 포니캐년이다. 멤버 개요 그룹명은 〈Acrobat Boys Club〉의 약어에 〈-Z〉를 더한 것이다. Z의 발음은 제트가 아니라 지. Z는 하시모토가 들어와 알파벳 전부가 완성한 의미와, 또 Zero로 돌아가 재스타트라고 하는 의미도 있다. 스테이지상에서의 댄스나 백 회전 등의 Acrobat를 자랑으로 여기는 유닛. 주된 활동은 《PLAYZONE》 등 쟈니즈 사무소 선배의 무대에의 출연, 콘서트에서의 백 댄서 등이다. 또, 쟈니즈 Jr.로서의 콘서트나 음악 프로그램 《더 소년구락부》 등에서는 주요 그룹으로서 활동하고 있다. 작품 싱글 앨범 영상 작품 뮤직 비디오 무대·콘서트 출연 콘서트 단독 콘서트 그 외의 콘서트 2009년 6월 7일, 도쿄 국제 포럼: 포럼 신기록!! 쟈니즈 Jr. 1일 4공연 할거야! 콘서트 2009년 8월 18일, 도쿄 국제 포럼: 여름방학 쟈니즈 Jr. 전원 집합 2010년 5월 11일 ~ 31일, 시어터 크리에: 모두 크리에에 와줘크리에! 2011년 4월 29일 ~­ 5월 29일, 시어터 크리에: 모두 크리에에 와줘크리에 2011 2012년 5월 8일 ~ 20일, 6월 1일 ~ 3일, 시어터 크리에: 쟈니즈 긴자 You의 앞에는 Me가 있다! 음악 프로그램 더 소년구락부 (2008년 ~ , NHK BS 프리미엄) 버라이어티 프로그램 알몸의 소년 (2008년 ~ 2009년, TV 아사히) J'J A.B.C-Z 오스트레일리아 종단 자금 0엔 워홀 여행 (2013년 4월 1일 ~ 6월 17일, 닛폰 TV) 에비ChanZOO (2013년 7월 21일 ~ , TV 도쿄) 드라마 마법★남자 체리즈 (2014년 6월 21일 ~ 9월 27일, TV 도쿄) 라디오 패미라디 (2014년 7월 29일 ~ 10월 27일, 패밀리 마트 점내 방송) A.B.C-Z Go!Go!5 (2016년 4월 2일 ~ , FM NACK5) A.B.C-Z 오늘 밤은 J's 구락부 (2016년 4월 26일 ~ , NHK 라디오 제1방송) 다이얼 A.B.C☆E (2016년 9월 30일 ~ , TBS 라디오) 무대 데뷔 전 신춘 타키자와 혁명 (2009년 1월 1일 ~ 27일) 타키자와 연무성 '09 탓키&Lucky LOVE (2009년) ※카와이·토츠카만 DREAM BOYS (2009년 9월 4일 ~ 10월 25일) 타키자와 가부키 (2010년 4월 4일 ~ 5월 8일) PLAYZONE2010 (2010년 7월 9일 ~ 8월 14일) 소년들~창살없는 감옥~ (2010년 9월 3일 ~ 26일) 신춘 타키자와 혁명 제극 개장 100주년 기념 공연 (2011년 1월 1일 ~ 27일) PLAYZONE'11 SONG & DANCE'N (2011년 7월 9일 ~ 9월 20일) 소년들~창살없는 감옥~ (2011년 9월 5일 ~ 29일) 데뷔 후 ABC좌 별(스타) 극장 (2012년 2월 4일 ~ 29일) ABC좌 전국 공연 (2012년 3월 5일 ~ 5월 5일) Johnny's Dome Theatre~SUMMARY~ (2012년 8월 6일 ~ 9월 1일) 소년들~Jail in the Sky~ (2012년 9월 4일 ~ 24일, 닛세이 극장) Johnny's World (2012년 11월 10일 ~ 2013년 1월 27일, 제국 극장) ABC좌 2013 쟈니즈 전설 (2013년 10월 6일 ~ 28일, 닛세이 극장) JOHNNYS' 2020 WORLD (2013년 12월 7일 ~ 2014년 1월 27일, 제국 극장) ABC좌 2014 쟈니즈 전설 (2014년 5월 9일 ~ 30일, 닛세이 극장) 2015 신춘 JOHNNYS'WORLD (2015년 1월 1일 ~ 27일, 제국 극장) ABC좌 2015 (2015년 10월 7일 ~ 28일, 닛세이 극장) JOHNNYS'WORLD (2015년 12월 11일 ~ 2016년 1월 27일, 제국 극장) ABC좌 2016 (2016년 10월 5일 ~ 27일, 닛세이 극장) A.B.C. A.B.C.는 A.B.C-Z의 전신 유닛이다. 멤버 토츠카 쇼타 카와이 후미토 고세키 코이치 츠카다 료이치 주요 출연 콘서트 2006년 8월 15일 ~ 25일, 호텔 그랑퍼시픽 메리디앙: 쟈니즈 Jr.의 대모험! 2006년 9월 30일·10월 1일, 요요기 체육관: you들의 음악 대운동회 2007년 8월 15일 ~ 24일, 호텔 그랑퍼시픽 메리디앙: 쟈니즈 Jr.의 대모험! '07 @메리디앙 2008년 8월 2일 ~ 9월 5일, Johnnys Theater: SUMMARY 2008 토신 요시카즈&A.B.C. 토신 요시카즈&A.B.C.란, 2002년경에 쟈니즈 Jr. 내에 존재한 유닛이다. 〈A.B.C.with토신 요시카즈〉라고도 말한다. 멤버 쟈니즈 Jr. 토신 요시카즈 A.B.C. (후의 A.B.C-Z) 고세키 코이치·토츠카 쇼타·츠카다 료이치·카와이 후미토 각주 외부 링크 Johnny's net > A.B.C-Z - 쟈니즈 사무소에 의한 공식 사이트 A.B.C-Z Official Site - 포니캐년에 의한 공식 사이트 자니즈 일본의 보이 밴드 유닛 음악 그룹 2005년 결성된 음악 그룹
amphora/parallel-wiki-koen
full
analyze and report "Const Your Rating Date Rated Title URL Title Type IMDb Rating Runtime (mins) Year Genres Num Votes Release Date Directors tt1000017 4 2010-05-21 Pledge of Allegiance https://www.imdb.com/title/tt1000017/ movie 4 83 2007 Thriller 174 2007-07-20 Eric Forsberg tt0100157 8 2014-11-07 Misery https://www.imdb.com/title/tt0100157/ movie 7.8 107 1990 Drama, Thriller 217132 1990-11-29 Rob Reiner tt0100161 8 2014-04-14 Mister Frost https://www.imdb.com/title/tt0100161/ movie 5.9 104 1990 Crime, Drama, Horror, Thriller 2689 1990-04-11 Philippe Setbon tt1002563 1 2016-06-19 The Young Messiah https://www.imdb.com/title/tt1002563/ movie 5.7 111 2016 Drama, Fantasy 3710 2016-03-10 Cyrus Nowrasteh tt0100260 10 2019-03-03 Nightbreed https://www.imdb.com/title/tt0100260/ movie 6.5 102 1990 Action, Fantasy, Horror 24388 1990-02-16 Clive Barker tt0100288 5 2021-04-17 The Old Man and the Sea https://www.imdb.com/title/tt0100288/ tvMovie 6.7 93 1990 Drama 1585 1990-03-25 Jud Taylor tt10059518 5 2020-10-20 Unhinged https://www.imdb.com/title/tt10059518/ movie 6 90 2020 Action, Thriller 70629 2020-07-16 Derrick Borte tt10065694 5 2021-04-02 Antebellum https://www.imdb.com/title/tt10065694/ movie 5.8 105 2020 Drama, Horror, Mystery, Thriller 27995 2020-08-20 Gerard Bush, Christopher Renz tt1006907 5 2011-09-29 Last Breath https://www.imdb.com/title/tt1006907/ movie 3.7 91 2010 Horror 295 2010-06-08 Ty Jones tt0100802 8 2015-12-17 Total Recall https://www.imdb.com/title/tt0100802/ movie 7.5 113 1990 Action, Adventure, Sci-Fi 336634 1990-05-31 Paul Verhoeven tt1014759 1 2010-06-03 Alice in Wonderland https://www.imdb.com/title/tt1014759/ movie 6.4 108 2010 Adventure, Family, Fantasy, Mystery 421092 2010-02-25 Tim Burton tt0101492 3 2014-07-27 Body Parts https://www.imdb.com/title/tt0101492/ movie 5.6 88 1991 Horror, Sci-Fi, Thriller 4608 1991-08-02 Eric Red tt10155932 1 2021-09-06 Cinderella https://www.imdb.com/title/tt10155932/ movie 4.3 113 2021 Comedy, Family, Fantasy, Musical, Romance 42955 2021-09-03 Kay Cannon tt1016256 3 2021-06-30 Video X: The Dwayne and Darla-Jean Story https://www.imdb.com/title/tt1016256/ movie 4.9 150 2007 Thriller 130 2007-03-01 James D. Mortellaro tt10168312 1 2021-08-13 What If...? https://www.imdb.com/title/tt10168312/ tvSeries 7.4 32 2021 Animation, Action, Adventure, Sci-Fi 119903 2021-08-11 tt1017460 3 2011-01-03 Splice https://www.imdb.com/title/tt1017460/ movie 5.8 104 2009 Horror, Sci-Fi 98823 2009-10-06 Vincenzo Natali tt1018820 7 2021-03-15 Devil's Diary https://www.imdb.com/title/tt1018820/ tvMovie 4.9 90 2007 Drama, Horror, Mystery 1464 2007-09-22 Farhad Mann tt10199644 1 2021-01-27 Star Trek: Discovery: People of Earth https://www.imdb.com/title/tt10199644/ tvEpisode 7.2 49 2020 Action, Adventure, Drama, Sci-Fi 3455 2020-10-29 Jonathan Frakes tt1020530 3 2013-08-18 Eden Lake https://www.imdb.com/title/tt1020530/ movie 6.7 91 2008 Horror, Thriller 87590 2008-08-12 James Watkins tt10228134 4 2021-08-01 Jolt https://www.imdb.com/title/tt10228134/ movie 5.6 91 2021 Action, Comedy, Crime, Thriller 32505 2021-07-15 Tanya Wexler tt10231312 5 2021-10-29 Inside Job https://www.imdb.com/title/tt10231312/ tvSeries 7.7 30 2021 Animation, Comedy, Fantasy, Sci-Fi 23634 2021-10-22 tt0102422 3 2021-05-23 McBain https://www.imdb.com/title/tt0102422/ movie 4.8 103 1991 Crime, Drama, War 2006 1991-09-20 James Glickenhaus tt1028528 7 2014-10-22 Death Proof https://www.imdb.com/title/tt1028528/ movie 7 127 2007 Action, Thriller 296553 2007-05-22 Quentin Tarantino tt1029234 5 2023-02-17 Martyrs https://www.imdb.com/title/tt1029234/ movie 7 99 2008 Horror 97812 2008-05-31 Pascal Laugier "
분석 및 보고 "Const 등급 날짜 등급 제목 URL 제목 유형 IMDb 등급 러닝타임 (분) 연도 장르 수 투표 수 개봉일 감독 TT1000017 4 2010-05-21 충성의 서약 https://www.imdb.com/title/tt1000017/ 영화 4 83 2007 스릴러 174 2007-07-20 에릭 포스버그 TT0100157 8 2014-11-07 미저리 https://www.imdb.com/title/tt0100157/ 영화 7.8 107 1990 드라마, 스릴러 217132 1990-11-29 롭 라이너 TT0100161 8 2014-04-14 미스터 프로스트 https://www.imdb.com/title/tt0100161/ 영화 5.9 104 1990 범죄, 드라마, 공포, 스릴러 2689 1990-04-11 필립 셋봉 TT1002563 1 2016-06-19 젊은 메시아 https://www.imdb.com/title/tt1002563/ 영화 5.7 111 2016 드라마, 판타지 3710 2016-03-10 사이러스 노라스테흐 TT0100260 10 2019-03-03 나이트 브리드 https://www.imdb.com/title/tt0100260/ 영화 6.5 102 1990 액션, 판타지, 공포 24388 1990-02-16 클라이브 바커 tt0100288 5 2021-04-17 노인과 바다 https://www.imdb.com/title/tt0100288/ tvMovie 6.7 93 1990 드라마 1585 1990-03-25 주드 테일러 tt10059518 5 2020-10-20 Unhinged https://www.imdb.com/title/tt10059518/ 영화 6 90 2020 액션, 스릴러 70629 2020-07-16 데릭 보르테 TT10065694 5 2021-04-02 Antebellum https://www.imdb.com/title/tt10065694/ 영화 5.8 105 2020 드라마, 공포, 미스터리, 스릴러 27995 2020-08-20 제라드 부시, 크리스토퍼 렌츠 TT1006907 5 2011-09-29 라스트 브레스 https://www.imdb.com/title/tt1006907/ 영화 3.7 91 2010 공포 295 2010-06-08 타이 존스 TT0100802 8 2015-12-17 토탈 리콜 https://www.imdb.com/title/tt0100802/ 영화 7.5 113 1990 액션, 모험, 공상과학 336634 1990-05-31 폴 버호벤 TT1014759 1 2010-06-03 이상한 나라의 앨리스 https://www.imdb.com/title/tt1014759/ 영화 6.4 108 2010 모험, 가족, 판타지, 미스터리 421092 2010-02-25 팀 버튼 TT0101492 3 2014-07-27 신체 부위 https://www.imdb.com/title/tt0101492/ 영화 5.6 88 1991 공포, 공상과학, 스릴러 4608 1991-08-02 에릭 레드 TT10155932 1 2021-09-06 신데렐라 https://www.imdb.com/title/tt10155932/ 영화 4.3 113 2021 코미디, 가족, 판타지, 뮤지컬, 로맨스 42955 2021-09-03 케이 캐논 tt1016256 3 2021-06-30 비디오 엑스: 드웨인 앤 달라-진 스토리 https://www.imdb.com/title/tt1016256/ 영화 4.9 150 2007 스릴러 130 2007-03-01 제임스 D. 모텔라로 TT10168312 1 2021-08-13 만약에...? https://www.imdb.com/title/tt10168312/ tvSeries 7.4 32 2021 애니메이션, 액션, 모험, 공상과학 119903 2021-08-11 TT1017460 3 2011-01-03 스플라이스 https://www.imdb.com/title/tt1017460/ 영화 5.8 104 2009 공포, SF 98823 2009-10-06 빈첸초 나탈리 TT1018820 7 2021-03-15 악마의 일기 https://www.imdb.com/title/tt1018820/ tvMovie 4.9 90 2007 드라마, 공포, 미스터리 1464 2007-09-22 파하드 만 tt10199644 1 2021-01-27 스타트렉: 디스커버리: 피플 오브 어스 https://www.imdb.com/title/tt10199644/ tvEpisode 7.2 49 2020 액션, 모험, 드라마, SF 3455 2020-10-29 조나단 프레이크스 TT1020530 3 2013-08-18 에덴 호수 https://www.imdb.com/title/tt1020530/ 영화 6.7 91 2008 공포, 스릴러 87590 2008-08-12 제임스 왓킨스 TT10228134 4 2021-08-01 Jolt https://www.imdb.com/title/tt10228134/ 영화 5.6 91 2021 액션, 코미디, 범죄, 스릴러 32505 2021-07-15 타냐 웩슬러 tt10231312 5 2021-10-29 인사이드 잡 https://www.imdb.com/title/tt10231312/ tvSeries 7.7 30 2021 애니메이션, 코미디, 판타지, 공상과학 23634 2021-10-22 TT0102422 3 2021-05-23 맥베인 https://www.imdb.com/title/tt0102422/ 영화 4.8 103 1991 범죄, 드라마, 전쟁 2006 1991-09-20 제임스 글리켄하우스 TT1028528 7 2014-10-22 데스 프루프 https://www.imdb.com/title/tt1028528/ 영화 7 127 2007 액션, 스릴러 296553 2007-05-22 쿠엔틴 타란티노 TT1029234 5 2023-02-17 순교자 https://www.imdb.com/title/tt1029234/ 영화 7 99 2008 공포 97812 2008-05-31 파스칼 로지에 "
squarelike/sharegpt_deepl_ko_translation
full
The abbreviated JNR or , was the business entity that operated Japan's national railway network from 1949 to 1987. Network Railways As of June 1, 1949, the date of establishment of JNR, it operated of narrow gauge () railways in all 46 prefectures of Japan. This figure expanded to in 1981 (excluding Shinkansen), but later reduced to as of March 31, 1987, the last day of JNR. JNR operated both passenger and freight services. Shinkansen Shinkansen, the world's first high-speed railway was debuted by JNR in 1964. By the end of JNR in 1987, four lines were constructed: Tōkaidō Shinkansen , completed in 1964 Sanyō Shinkansen , completed in 1975 Tōhoku Shinkansen , as of 1987 Jōetsu Shinkansen , completed in 1982 Buses JNR operated bus lines as feeders, supplements or substitutions of railways. Unlike railway operation, JNR Bus was not superior to other local bus operators. The JR Bus companies are the successors of the bus operation of JNR. Ships JNR operated ferries to connect railway networks separated by sea or to meet other local demands: Kanmon Ferry (discontinued in 1964) Shimonoseki Station (Shimonoseki, Yamaguchi) – Mojikō Station (Kitakyūshū, Fukuoka) Miyajima Ferry Miyajimaguchi Station (Ōno, Hiroshima) – Miyajima Station (Miyajima, Hiroshima) Nihori Ferry (discontinued in 1982) Nigata Station (Kure, Hiroshima) – Horie Station (Matsuyama, Ehime) Ōshima Ferry (discontinued in 1976) Ōbatake Station (Yanai, Yamaguchi) – Komatsukō Station (Suō-Ōshima, Yamaguchi) Seikan Ferry Aomori Station (Aomori, Aomori) – Hakodate Station (Hakodate, Hokkaidō) Ukō Ferry Uno Station (Tamano, Okayama) – Takamatsu Station (Takamatsu, Kagawa) Out of three routes assigned to JR companies in 1987, only the Miyajima Ferry remains active as of 2023. Unions A number of unions represented workers at JNR, including the National Railway Workers' Union (Kokuro), the National Railway Locomotive Engineers' Union (Doro), and Doro-Chiba, a break-away group from Doro. History The term Kokuyū Tetsudō "state-owned railway" originally referred to a network of railway lines operated by 17 private companies that were nationalized following the Railway Nationalization Act of 1906 and placed under the control of the Railway Institute. Later, the Ministry of Railways and the Ministry of Transportation and Communications took over control of the network. The ministries used the name Japanese Government Railways (JGR) to refer their network in English. During World War II, many JGR lines were dismantled to supply steel for the war effort. On June 1, 1949, by a directive of the U.S. General HQ in Tokyo, JGR was reorganized into Japanese National Railways, a state-owned public corporation. JNR enjoyed many successes, including the inauguration of high-speed Shinkansen service along the Tōkaidō Shinkansen line on October 1, 1964. However, JNR was not a state-run corporation; its accounting was independent from the national budget. Rural sections without enough passengers began to press its management, pulling it further and further into debt. In 1983, JNR started to close its unprofitable 83 local lines (the closure continued three years after the privatization). By 1987, JNR's debt was over ¥27 trillion ($442 billion at 2021 exchange rates) and the company was spending ¥147 ($2.40 in 2021 dollars) for every ¥100 ($1.63 in 2021 dollars) earned. By an act of the Diet of Japan, on April 1, 1987, JNR was privatized and divided into seven railway companies, six passenger and one freight, collectively called the Japan Railways Group or JR Group. Long-term liabilities of JNR were taken over by the Japanese National Railway Settlement Corporation. That corporation was subsequently disbanded on October 22, 1998, and its remaining debts were transferred to the national budget's general accounting. By this time the debt has risen to ¥30 trillion ($491 billion in 2021 dollars). JNR dismissal lawsuit Many lawsuits and labor commission cases were filed over the decades from the privatization in 1987. Kokuro and the National Railway Locomotive Engineers' Union (Zendoro), both prominent Japanese railway unions, represented a number of the JNR workers. Lists of workers to be employed by the new organizations were drawn up by JNR and given to the JR companies. There was substantial pressure on union members to leave their unions, and within a year, the membership of the National Railway Workers' Union (Kokuro) fell from 200,000 to 44,000. Workers who had supported the privatization, or those who left Kokuro, were hired at substantially higher rates than Kokuro members. There was a government pledge that no one would be "thrown out onto the street", and so unhired workers were classified as "needing to be employed" and were transferred to the JNR Settlement Corporation, where they could be assigned for up to three years. Around 7,600 workers were transferred in this way, and around 2,000 of them were hired by JR firms, and 3,000 found work elsewhere. Mitomu Yamaguchi, a former JNR employee from Tosu in Saga prefecture who had been transferred to the JNR Settlement Corporation, later stated that their help in finding work consisted of giving him photocopies of recruitment ads from newspapers. This period ended in April 1990, and 1,047 were dismissed. This included 64 Zendoro members and 966 Kokuro members. Twenty-three years after the original privatization, on June 28, 2010, the Supreme Court settled the dispute between the workers and the Japan Railway Construction, Transport and Technology Agency, the successor body to the JNR Settlement Corporation. The agency said it would pay 20 billion yen, approximately 22 million yen per worker, to 904 plaintiffs. However, as the workers were not reinstated, it was not a full settlement. Baseball team Between 1950 and 1965, JNR indirectly owned a professional baseball team named . Swallow was a symbol of JNR as it is the English equivalent of the Japanese Tsubame, the name of a deluxe train operated by JNR in the 1950s. JNR sold the team to the Sankei Shinbun in 1965, and called the Atoms from 1966 to 1973; the team is now the Tokyo Yakult Swallows and has been owned by the Yakult company since 1970. Accidents and criminal incidents Accidents JNR as a public corporation (from 1949 to 1987) experienced five major accidents (including two shipwrecks of railway ferries) with casualties more than 100: Sakuragichō train fire A train fire at Sakuragichō Station in Yokohama on April 24, 1951, killed 106. Tōya Maru disaster A Seikan ferryboat sank off Hakodate killing 1,155 in a typhoon storm on September 26, 1954. Shiun Maru disaster An Ukō ferryboat collided with a fellow boat in a dense fog and sank killing 168 on May 11, 1955. Mikawashima train crash A three-train collision near Mikawashima Station in Tokyo on May 3, 1962, killed 160. Tsurumi rail accident A three-train collision near Tsurumi Station in Yokohama on November 9, 1963, killed 161. Criminal incidents In its very early days as a public corporation, JNR experienced a series of mysterious incidents as follows. Although the police at that time treated them as terrorism by the communists, doubts have been raised as to the validity of this conclusion. Shimoyama incident The dismembered body of JNR President Sadanori Shimoyama was found on a railway track on July 5, 1949. The possibility of non-criminal suicide has not been ruled out. Mitaka incident A train running without crew crashed into passengers and killed six people on July 15, 1949. Matsukawa derailment A train was derailed because of destroyed track and three crew were killed on August 17, 1949. In later years, JNR was a target of radical leftists. On October 21, 1968, groups of extremist students celebrating "International Antiwar Day" occupied and vandalized Shinjuku Station in Tokyo. They criticized JNR's collaboration in the Vietnam War by operating freight trains carrying jet fuel for U.S. military use. On November 29, 1985, militants supporting a radical sect of JNR's labor union objecting to the privatization of JNR damaged signal cables at 33 points around Tokyo and Osaka to halt thousands of commuter trains and then set fire to Asakusabashi Station in Tokyo. As such, relationships with labor unions were always a difficult problem for JNR. Since public workers were prohibited to strike, they carried out "work-to-rule protests" that caused trains to be delayed. On March 13, 1973, train delays caused by such protests resulted in a riot of angered passengers at Ageo Station in Saitama Prefecture. From November 26, 1975, to December 3, 1975, major labor unions of JNR conducted an eight-day-long illegal "strike for the right to strike", which resulted in a total defeat of the unions. See also Japan Railways locomotive numbering and classification SoftBank Telecom – former Japan Telecom, an affiliated company of JNR established in 1984 Notes References External links Japan Railways Technical Research Institute: Brief history of Japanese railways Defunct railway companies of Japan Government-owned railway companies Railway companies established in 1949 Railway companies disestablished in 1987 Privatized companies of Japan
일본국유철도(, Japanese National Railways)는 일본의 국유 철도를 운영하던 일본 국토교통성 산하의 공기업이었다. 약칭은 국철()이며, 영문 약칭은 JNR로 1987년 4월 1일에 민영화한, 현재 JR 그룹 각 회사의 전신이기도 하다. 개요 일본국유철도는 국영 사업으로 일본 운수성 철도 총국이 관리해 온 일본의 국영 철도 산업을 물려받아, 독립채산재 구조로 경영하기 위하여 1949년 6월 1일 발족한 일본의 공기업이다. 민영화되기 하루 전인 1987년 3월 31일 시점에서, 신칸센과 재래선을 합쳐 총 연장 19,639 km의 철도 노선을 소유하고 있었으며, 30개국의 철도 관리국과 총국을 운영했다. 이 밖에 철도와 관련된 선박 사업 (항로 총 연장 132 km), 버스 산업 (노선 총 연장 11,739 km) 등을 경영해 왔다. 최고 책임자인 총재는 내각이 임명하였으며, 임기는 4년이었다. 그리고 총재에 버금가는 부총재는 운수대신의 인가를 받아 총재가 임명하였으며, 부총재의 임기도 4년이었다. 또한 기술 부문에서 총재를 보좌하는 기술 책임자 ()를 두었다. 이 밖의 임원으로 임기 3년의 이사 (최소 11명에서 17명까지)를 두었으며, 이 중 일본국유철도 재직자 출신의 이사는 "상무이사"로 불렸다. 일본국유철도의 중요한 결정은 일반 기업의 임원회에 상당하는 "이사회"에서 내렸다. 본사는 도쿄도 지요다구 마루노우치잇초메의 국철 본사 빌딩 (지금의 마루노우치 오아조)에 있었다. 본관은 구 철도성 청사로, 민영화 이후에는 운수성이 잠시 동안 사용했다. 국철 본사 빌딩은 1997년까지 동일본 여객철도가 사용하기도 했다. 공기업 일본국유철도 태평양 전쟁 이후인 1947년 1월부터 4월까지는 급행열차와 2등열차가 모두 폐지되는 최악의 사태를 맞은 일본 철도였지만, 같은 해 6월부터는 점차 복구가 시작되었다. 그러나 국유철도의 재정은 인플레이션까지 더해진데다 해외귀환자들의 고용 등으로 인하여 극도로 악화되었고, 1948년 7월 22일에는 연합군 최고사령부로부터 국가의 전매 사업이나 국유철도 등의 사업에서 국가 공무원을 배제하고, 사업 운영을 위한 공기업의 설치를 요구하였다. 곧 11월 30일에는 〈일본국유철도법〉이 국회를 통과했고, 1949년 6월 1일에는 공공기업체 일본국유철도가 발족하게 되었다. 국철은 1960년대까지 일본 내의 여객과 화물 수송의 주축을 담당했지만, 1970년대 이후 정치가에 의해 해당 지역구의 과소 지역에 신선 건설을 요구당했고, 도로나 항공 운송의 증가, 일본 내 광업의 쇠퇴 등이 겹쳐 불채산노선이 증가하였다. 게다가 노사관계 악화로 인한 파업 등 노동 쟁의가 빈번해졌고, 1973년의 오일 쇼크와 이후의 불황 등으로 막대한 누적 적자를 안게되었다. 국철은 처음으로 적자를 기록한 1964년 이후 한번도 흑자를 기록하지 못하는 지경이었다. 그 틈을 타, 프랑스 테제베는 신칸센보다 50 km/h 더 빠른 270 km/h로 달리게 되었고 적자에 시달리던 국철은 결국 속도 경쟁력을 잃게 되었다. 경영 개선을 위해 1987년 4월 1일에는 철도사업을 주식회사(JR 그룹)로 이관토록 하였고, 국철의 재무 처리는 일본국유철도 청산사업단이 담당하게 되었다. 국철의 장기 채무의 6할 정도는 일본국유철도 청산사업단이 계승하여 필요하지 않게 된 용지나 JR 주식의 매각 등을 통해 상환하도록 계획하였다. 그러나 거액의 채무에 대한 금리는 부담이 되었고, 버블 경제의 붕괴로 인한 불황으로 인해 토지 매각이 실패하는 경우가 많아 채무 축소는커녕, 채무가 오히려 증가하게 되었다. 상환 불능이 된 채무의 거의 대부분은 국가의 재정이 담당하게 되었고, 사업단은 1998년에 해산했다. 사업단 업무의 일부는 일본철도건설공단(현재의 철도 건설·운수 시설 정비 지원 기구) 내의 국철 청산 사업본부가 담당하고 있다. 민영화 이후 20여 년이 흘렀지만, 2007년 현재도 일정 연령 이상의 사람들은 JR을 국철이라고 하는 경우가 있다. 또한 JR 서일본·JR 시코쿠의 차량에는 아직도 ‘일본국유철도’의 명판이 남아있다. JR 홋카이도나 JR 시코쿠의 차량 일부의 선풍기에는 상당수가 중앙에 ‘JNR’의 로고가 남아있을 정도다. 게다가 JR이 현재는 국철이 아님에도 불구하고, JR과 사철을 구분하는 사람이 많다. 관련 사업·시설 자동차 사업(국철 버스) 주로 국철 계획선의 선행·연락·보완을 내걸고 출범하여, 버스 사업 및 화물 자동차 사업을 행하고 있었다. 국철 버스의 사업은 민영화 당시에는 각 회사 직영의 버스 사업으로 다시 출범하였으나, 지금은 모두 자회사로 되어있다. 선박 사업 바다를 사이에 둔 노선을 연결하기 위해, 철도연락선을 운항하고 있었다. 분할 민영화 이전의 니호리(仁堀)·오시마(大島)의 2개 항로는 폐지되었지만, 존치된 세이칸·우코·미야지마의 3개 항로는 각각 JR 홋카이도·JR 시코쿠·JR 서일본으로 이관되었다. 그러나 세이칸 연락선은 쓰가루 해협선(세이칸 터널)의 개업으로, 우코 연락선은 혼시비산 선(세토 대교)의 개업으로 폐지되었다. 철도 병원 다이쇼 시대부터 국철 직원을 대상으로 하는 철도 병원이 순차적으로 개설되었다. 일본국유철도가 발족한 뒤에는 국철이 관할하는 병원이 되었고, 1982년부터 1987년까지는 보험의료기관으로 지정되어 국철 직원 외에 일반 환자도 대상으로 하게 되었다. 민영화 이후에는 폐지되거나 JR 각 사로 이관되기도 하였다. 역대 총재 같이 보기 국철 청산사업단 JR 국철 버스(JR 버스) 외부 링크 일본국유철도법 (法庫.com) 일본국유철도경영재건촉진특별조치법 (法庫.com) 일본국유철도개혁법 (法庫.com) 일본국유철도청산사업단법 (法庫.com) 1949년 설립된 기업 1987년 해체된 기업 국영 철도 기업
amphora/parallel-wiki-koen
full
Thirst is the craving for potable fluids, resulting in the basic instinct of animals to drink. It is an essential mechanism involved in fluid balance. It arises from a lack of fluids or an increase in the concentration of certain osmolites, such as sodium. If the water volume of the body falls below a certain threshold or the osmolite concentration becomes too high, structures in the brain detect changes in blood constituents and signal thirst. Continuous dehydration can cause acute and chronic diseases, but is most often associated with renal and neurological disorders. Excessive thirst, called polydipsia, along with excessive urination, known as polyuria, may be an indication of diabetes mellitus or diabetes insipidus. There are receptors and other systems in the body that detect a decreased volume or an increased osmolite concentration. Some sources distinguish "extracellular thirst" from "intracellular thirst", where extracellular thirst is thirst generated by decreased volume and intracellular thirst is thirst generated by increased osmolite concentration. Detection It is vital for organisms to be able to maintain their fluid levels in very narrow ranges. The goal is to keep the interstitial fluid, the fluid outside the cell, at the same concentration as the intracellular fluid, the fluid inside the cell. This condition is called isotonic and occurs when the same levels of solutes are present on either side of the cell membrane so that the net water movement is zero. If the interstitial fluid has a higher concentration of solutes (or a lower concentration of water) than the intracellular fluid, it will pull water out of the cell. This condition is called hypertonic and if enough water leaves the cell, it will not be able to perform essential chemical functions. The animal will then become thirsty in response to the demand for water in the cell. After the animal drinks water, the interstitial fluid becomes less concentrated of solutes (more concentrated of water) than the intracellular fluid and the cell will fill with water as it tries to equalize the concentrations. This condition is called hypotonic and can be dangerous because it can cause the cell to swell and rupture. One set of receptors responsible for thirst detects the concentration of interstitial fluid. The other set of receptors detects blood volume. Decreased volume This is one of two types of thirst and is defined as thirst caused by loss of blood volume (hypovolemia) without depleting the intracellular fluid. This can be caused by blood loss, vomiting, and diarrhea. This loss of volume is problematic because if the total blood volume falls too low the heart cannot circulate blood effectively and the eventual result is hypovolemic shock. The vascular system responds by constricting blood vessels thereby creating a smaller volume for the blood to fill. This mechanical solution, however, has definite limits and usually must be supplemented with increased volume. The loss of blood volume is detected by cells in the kidneys and triggers thirst for both water and salt via the renin-angiotensin system. Renin-angiotensin system Hypovolemia leads to activation of the renin angiotensin system (RAS) and is detected by cells in the kidney. When these cells detect decreased blood flow due to the low volume they secrete an enzyme called renin. Renin then enters the blood where it catalyzes a protein called angiotensinogen to angiotensin I. Angiotensin I is then almost immediately converted by an enzyme already present in the blood to the active form of the protein, angiotensin II. Angiotensin II then travels in the blood until it reaches the posterior pituitary gland and the adrenal cortex, where it causes a cascade effect of hormones that cause the kidneys to retain water and sodium, increasing blood pressure. It is also responsible for the initiation of drinking behavior and salt appetite via the subfornical organ. Others Arterial baroreceptors sense a decreased arterial pressure, and signal to the central nervous system in the area postrema and nucleus tractus solitarii. Cardiopulmonary receptors sense a decreased blood volume, and signal to area postrema and nucleus tractus solitarii. Cellular dehydration and osmoreceptor stimulation Osmometric thirst occurs when the solute concentration of the interstitial fluid increases. This increase draws water out of the cells, and they shrink in volume. The solute concentration of the interstitial fluid increases by high intake of sodium in diet or by the drop in volume of extracellular fluids (such as blood plasma and cerebrospinal fluid) due to loss of water through perspiration, respiration, urination and defecation. The increase in interstitial fluid solute concentration causes water to migrate from the cells of the body, through their membranes, to the extracellular compartment, by osmosis, thus causing cellular dehydration. Clusters of cells (osmoreceptors) in the organum vasculosum of the lamina terminalis (OVLT) and subfornical organ (SFO), which lie outside of the blood brain barrier can detect the concentration of blood plasma and the presence of angiotensin II in the blood. They can then activate the median preoptic nucleus which initiates water seeking and ingestive behavior. Destruction of this part of the hypothalamus in humans and other animals results in partial or total loss of desire to drink even with extremely high salt concentration in the extracellular fluids. In addition, there are visceral osmoreceptors which project to the area postrema and nucleus tractus solitarii in the brain. Salt craving Because sodium is also lost from the plasma in hypovolemia, the body's need for salt proportionately increases in addition to thirst in such cases. This is also a result of the renin-angiotensin system activation. Elderly In adults over the age of 50 years, the body's thirst sensation reduces and continues diminishing with age, putting this population at increased risk of dehydration. Several studies have demonstrated that elderly persons have lower total water intakes than younger adults, and that women are particularly at risk of too low an intake. In 2009, the European Food Safety Authority (EFSA) included water as a macronutrient in its dietary reference values for the first time. Recommended intake volumes in the elderly are the same as for younger adults (2.0 L/day for females and 2.5 L/day for males) as despite lower energy consumption, the water requirement of this group is increased due to a reduction in renal concentrating capacity. Thirst quenching According to preliminary research, quenching of thirst – the homeostatic mechanism to stop drinking – occurs via two neural phases: a "preabsorptive" phase which signals quenched thirst many minutes before fluid is absorbed from the stomach and distributed to the body via the circulation, and a "postabsorptive" phase which is regulated by brain structures sensing to terminate fluid ingestion. The preabsorptive phase relies on sensory inputs in the mouth, pharynx, esophagus, and upper gastrointestinal tract to anticipate the amount of fluid needed, providing rapid signals to the brain to terminate drinking when the assessed amount has been consumed. The postabsorptive phase occurs via blood monitoring for osmolality, fluid volume, and sodium balance, which are collectively sensed in brain circumventricular organs linked via neural networks to terminate thirst when fluid balance is established. Thirst quenching varies among animal species, with dogs, camels, sheep, goats, and deer replacing fluid deficits quickly when water is available, whereas humans and horses may need hours to restore fluid balance. Neurophysiology The areas of the brain that contribute to the sense of thirst are mainly located in the midbrain and the hindbrain. Specifically, the hypothalamus appears to play a key role in the regulation of thirst. The area postrema and nucleus tractus solitarii signal to the subfornical organ and to the lateral parabrachial nucleus. The latter signaling relies on the neurotransmitter serotonin. The signal from the lateral parabrachial nucleus is relayed to the median preoptic nucleus. The median preoptic nucleus and the subfornical organ receive signals of decreased volume and increased osmolite concentration. Finally, the signals are received in cortex areas of the forebrain where thirst arises. The subfornical organ and the organum vasculosum of the lamina terminalis contribute to regulating the overall bodily fluid balance by signalling to the hypothalamus to form vasopressin, which is later released by the pituitary gland. See also References Further reading Effects of external causes Body water
목마름 또는 갈증(渴症)은 인간이나 짐승이 마시고 싶어하는 기본적인 욕망이다. 소금과 같은 물질의 집중도가 높아지거나 수분이 부족할 때 이러한 느낌이 든다. 몸 속의 수분결핍 현상이 발생하면 뇌가 목마름의 신호를 보낸다. 목마름 현상의 경우, 통상적으로 버틸 수 있는 한도는 최장 18일까지는 가능하다고 나와 있지만 일반적으로는 보통 최대 5일 안으로 갈사할 수도 있다. 수분 결핍 노폐물 배설 물질대사과정에서는 독성 산물들이 많이 양산되는데 이 노폐물들을 배설하지 않으면 동물의 세포는 손상을 입는다. 단백질 대사과정에서는 질소노폐물인 암모니아가 생성되는데 암모니아는 독성이 매우 강하기 때문에 간에서 독성이 약한 요산이나 요소로 변환한후 체내에 저장하거나 배설한다. 사람을 포함한 포유류는 암모니아를 요소로 변환하여 신장에서 거른후 방광에 보관하였다가 주기적으로 배설한다. 방광이 없는 조류는 요산으로 변환한후 수시로 배설한다. 요소는 암모니아 보다 독성이 약하기는 하나 저장과 배설을 위해서는 역시 많은 물이 필요하다. 물로 농도를 희석하여 독성을 약하게 만들어 주어야만 저장과 배설이 가능하기 때문이다. 소변과 땀 등을 통한 노폐물 배설은 수분과 용질의 균형을 이루는 의미가 있기 때문에 신체의 항상성 유지라는 측면에서 아주 중요하다. 갈증 현상 물은 생체의 가장 많은 부분을 차지하고 있는 중요 구성성분으로 생체중량의 약 60~70% 정도는 수분형태로 이루어져있다. 또한 신체기관과 조직들이 적절한 기능을 발휘하기 위해서는 적당한 양의 수분과 염분이 필요하다. 개인차는 있지만 평균적으로 땀, 오줌, 똥 등으로 하루에 약 1.3∼2.5L의 수분손실이 발생한다. 약 0.7리터는 폐와 피부에서 나오고, 1.5리터는 소변으로, 0.2리터는 대변, 그리고 약 0.1리터는 땀으로 배출된다. 일반적으로 운동 중 땀은 시간당 0.75~1리터 정도 소비된다. 이밖에도 수분섭취 부족, 발열, 설사, 구토, 출혈, 감염병, 당뇨, 육체적 활동, 이뇨제 복용 등이 수분손실의 주요 원인이다. 만약 1~2% 정도의 수분 손실이 발생하거나 짠 음식을 다량 섭취하게 되면 갈증을 느끼게 되고, 수분과 염분의 양을 파악하여 일정하게 유지하는 역할을 하는 시상하부의 삼투압 수용기가 반응하게 된다. 이로인해 뇌하수체 후엽에서 항이뇨 호르몬이 분비되면서 수분의 재흡수를 촉진한다. 탈수 현상 수분손실이 약 3% 이상이 발생하면 탈수증상을 보이며 혼수상태에 빠질수 있다. 탈수의 주요 증상은 요량 감소, 피부, 점막의 건조, 불안 상태에서 의식 저하, 중증이면 혈압 저하, 혼수, 충격 상태가 된다. 노년층에서는 갈증 중추가 젊은이들만큼 잘 작동하지 않을 수 있으므로, 탈수가 흔히 나타난다. 또한 때로는 뇌에서 갈증과 허기를 혼동하는 경우도 있으니 주의가 요구된다. 약 10% 이상의 수분손실이 발생하면 생명유지가 어렵게 된다. 이렇듯 체내 수분은 항상 일정수준 정도로 유지되어야만 한다. 갈증 해소 수분 보충 만약 노폐물 배설이나 기타 여러 가지 이유로 수분손실이 발생하였다면 그에 상응하는 일정정도를 외부에서 섭취, 보충하여서 체내 수분 함량을 거의 일정하게 유지해주어야 한다. 하루에 필요한 수분섭취량은 건강 수준, 활동량, 나이, 사는 지역에 따라서 달라질 수 있다. 일반적으로 체중 (kg) x 30 (mL)의 수분 섭취가 권장된다. 결론적으로 건강한 성인이라면 하루에 1.5~2L 정도를 섭취하면 충분하다. 커피, 차 등을 마시는 경우가 있는데, 카페인이 든 음료는 이뇨 작용이 있어 오히려 탈수를 일으킬 수 있으므로 주의가 필요하다. 음료 섭취법 갈증해소를 위한 음료섭취는 한꺼번에 많이 마시기보다는 조금씩 나누어 마시는 것이 효과적이다. 목이 마르다고 한꺼번에 많은 양(600㎖ 이상)을 마시면 위장 장애가 올 수 있다. 위에서 흡수되는 양이 너무 많아 소화도 잘 안 되고 호흡이 힘들거나 메스꺼움을 느낄 수도 있다. 또한 너무 많은 물을 마시면 지나치게 많은 땀을 흘리게 된다. 땀으로 염분이 빠져나오면서 염분 부족으로 인한 탈수 현상도 일어날 수도 있다. 세계보건기구(WTO)가 정한 일일 소금섭취 권장량은 5g이지만 한국인들은 하루 권장량의 2배가 넘는 12.5g을 섭취하는 것으로 알려져 있다. 또한 국민음료의 반열에 오른 커피를 많이 마신다. 커피에 다량 함유된 카페인은 이뇨작용을 촉진한다. 이런 두가지 이유로 볼때 한국인들의 수분결핍 현상은 만성적이라 갈증중추의 민감도가 떨어진다 할 수 있다. 따라서 갈증을 자각하기전에 습관적으로 자주 소량의 물을 섭취할 필요가 있다. 그러나 몇몇 질환을 동반한 환자의 경우엔 오히려 물 섭취를 제한해야 한다. 운동과 수분보충 운동하기 30분~1시간 전에 300cc정도 마시고, 운동 중에는 15~20분마다 150~200cc 정도씩 물을 규칙적으로 마시는 것이 좋다. 운동 중에 과도한 수분섭취는 혈액 속의 염분 농도를 평소보다 더욱 낮게 만들어 독이 될수 있다. 혈액의 염분 농도가 낮아지면 체내 전해질 농도가 달라지고, 농도가 같아질 때까지 삼투압 현상이 지속된다. 이때 나타나는 증상은 두통, 호흡곤란, 현기증, 구토, 근육경련 등이 있으며, 정도가 심해지면 혼수상태 또는 사망으로 이어질 수 있다. 1시간 이상의 장시간 고강도 운동의 경우 이온음료는 수분 공급뿐만 아니라 전해질과 당질을 보충하여 운동 중 에너지를 공급할 수 있다는 장점이 있다. 하지만 장시간의 운동이 아닌 경우 특히 운동의 목적이 체중감량이라면 이러한 스포츠 음료는 가능한 삼가해야 한다. 물은 칼로리가 전혀 없는 데 반해 스포츠 음료는 최소 50kcal 정도의 열량을 갖고 있기 때문이다. 한의학적 분석 구갈(口渴)이라고도 부르며 입과 목이 마르면서 물이 많이 당기는 증상이 생긴다. 폐위(肺胃)에 사열(邪熱)이 있거나 음정(陰精)이 부족하고 진액이 모자라거나 혈허(血虛), 비허(脾虛), 신허(腎虛) 등으로 생긴다. 폐위에 사열이 있을 때는 폐위열(肺胃熱)을 제거하는 방법으로 인삼백호탕(人參白虎湯)이나 인삼석고탕(人參石膏湯)을 쓰고, 비신(脾腎)이 허약해서 생길 때는 비신을 강화하는 방법으로 귀비탕(歸脾湯)이나 육미환(六味丸)을 쓴다. 다른 의미 보통은 목이 마른 것을 뜻하지만, 어떠한 것을 간절히 바랄 때에도 이 표현을 사용할 수 있다. 이를테면, "사랑에 목마르다"는 자신을 사랑해 줄 사람을 간절히 바란다는 뜻이 될 수 있다. 사회적 문제 목마름 현상은 사막 지역이 밀집한 아프리카나 몽골, 중화인민공화국의 내몽골 지역을 중심으로 하여 생태계의 서식 환경이 매우 열악한 지역에는 물의 보급량이 매우 부족하는 등 목마름은 배고픔과 함께 양대 사회 문제로 떠안게 하는 결과를 초래한다. 같이 보기 탈수 배고픔 각주 외부 링크 Hydration for Health Initiative [울산MBC] 물의 비밀 '워터 시크릿' 미네랄의 역습 [울산MBC] 물의 비밀 '워터 시크릿' 수돗물의 역습 건강 체수분
amphora/parallel-wiki-koen
full
The London Underground 1996 Stock is a type of rolling stock used on the Jubilee line of the London Underground. The trains were built by GEC Alsthom-Metro-Cammell and entered service in 1997. They are similar to the 1995 Stock used on the Northern line. The original 59 trains were initially built as 6-car trains. In 2005, an additional trailer car was added to lengthen each train to 7-cars and four additional 7-car trains delivered, bringing the total to 63 7-car trains. History The 1996 stock was ordered for the opening of the Jubilee Line Extension (JLE) from Green Park to Stratford. The original plan was to heavily refurbish the original 1983 stock with similar exteriors and interiors to the 1996 stock, and replace the single-leaf doors with double doors, but this proved too expensive and was abandoned. Delays in the construction of the JLE meant that the 1996 stock entered service on the existing Jubilee line, replacing the 1983 stock, well before the JLE was opened. The first train was delivered in July 1996, entering service on 24 December 1997, with the final train entering service on 31 July 2001, although it was several months later than the rest of the fleet had entered service. The development of the 1995 stock and the 1996 stock were conducted in parallel. Detailed design was done by Alstom at its Washwood Heath and Rugby facilities, and the first six train sets were manufactured at Alstom's Barcelona factory to the 1996 stock design. All type approvals were conducted on these early train sets. The 1995 stock was produced in the Barcelona factory afterwards, and the balance of the 1996 stock followed. Final assembly and equipping was at Alstom's facility at Washwood Heath on adjacent production lines. Overview The 1996 Stock has an identical exterior car body to the 1995 Stock, but the two rolling stocks have different interiors, seating layouts and cabs (designed by Warwick Design Consultants), traction packages and train management systems, and slight differences in tripcock geometry. 1995 Stock uses LED body-side lights, 1996 Stock filament bulbs. The most apparent difference is the bogie: 1996 Stock uses an Alstom bogie with a rubber suspension, 1995 Stock has AdTranz bogies with air suspension to cope with the arduous track conditions of the underground portions of the Northern line. The main technical differences arose because 1996 Stock was designed for "cheapest first cost", while 1995 Stock was designed for "life cycle cost", as Alstom had won the contract to act as the service provider and maintainer of this stock. Alstom subsequently won the maintenance contract for 1996 Stock, to be carried out at the new Stratford Market Depot in East London. The 1996 Stock was delivered as six-car trains, with two three-car units coupled together, each consisting of a Driving Motor car [DM], a Trailer car [T] and an Uncoupling Non-Driving Motor car [UNDM]. The standard train formation was . Twelve later trailer cars had de-icing equipment; these are referred to as De-Icing Trailer cars [DIT]. The cars are odd-numbered at one end of the train, even numbers at the other. Each number has five digits: the first two are the stock type (96); the third refers to the car type: 0 or 1 for DM, 2 or 3 for T, 4 or 5 for UNDM, 6 or 7 for ST (special trailers added in 2005) and 8 or 9 for DIT. Thus, for example, a six-car train set would be 96001, 96201, 96401, 96402, 96202, 96002. Addition of seventh car Following implementation of the Public-Private-Partnership (PPP) on the Underground in 2003, Tube Lines planned to increase capacity on the Jubilee line by extending trains to 7 carriages. This would increase train capacity by 17%. The 1996 Stock had been future-proofed with the ability to add a seventh car, with platforms already long enough for seven-car trains and the platform-edge doors at the Jubilee Line Extension stations had been built with extra space. Tube Lines ordered 87 carriages (59 additional carriages for existing 6-car trains and 4 new 7-car trains) from Alstom in June 2003 at a cost of £150m. The new carriages were manufactured in Alstom's new factory at Santa Perpètua de Mogoda, Barcelona, Spain - as the original factory on the Barcelona seafront had been closed. All carriages were delivered to Stratford Market Depot by November 2005. To allow for the existing trains to be modified, fewer Jubilee line services were run in December 2005 before the entire line was closed from 25 December for 5 days to allow the conversion to be completed. Work involved signalling alterations, signage and software modification to the platform-edge doors. The work was completed ahead of schedule and the line reopened two days early on 29 December. The four new trains subsequently entered service in Spring 2006. The new car is a trailer car in the "odd" unit, with design designation "G". An example of a seven-car train set would be 96077, 96277, 96677, 96477, 96478, 96278, 96078 (the seventh car in bold.) The original plan was to hard-wire two cars together so that the onboard computer would "see" them as one car, but this proved unnecessary. The four new trains were built as six-car trains and then modified to seven-car configuration at Stratford Market Depot. There were various differences between the new and old cars at the time of introduction: Amber passenger information displays (PIDs) instead of red, similar to the displays on the 1995 Stock Black vestibule floor instead of grey Yellow strip on door seal Better fitted seat covers The ridged vestibule floor extends for the full width of the car Following refurbishment, many of these differences are no longer visible. The new cars are numbered 96601 to 96725 (odd numbers only). The step-plate on the new cars reads "Alstom 1996" for continuity reasons, but they feature the newer Alstom logo instead of the original GEC-Alsthom. Upgrades and refurbishment The trains were originally delivered with seats with a mauve and grey moquette. They formed the letter J for Jubilee (the Northern line's moquette formed the letter N). This was replaced in November 2005 with the new dark blue Tube Lines moquette with multi-coloured and multi-size hollow squares, introduced at the same time on the 1973 and 1995 stock. At the same time, the purple armrests were repainted blue to match the new seats. From April 2012, all units received a refresh, with the new Barman moquette being introduced on all units, prior to the 2012 Olympics. From 2014 onwards, the external LCD destination displays were replaced with LED units. The new units use orange text, instead of the original yellow. Starting in 2017, the 1996 stock underwent refurbishment, some 20 years after first being introduced. New flooring was fitted, with contrasting colours and grooves in the doorways. All grab rails were repainted Jubilee line silver, and new wheelchair backboards were provided in some trailer cars. The interior turquoise blue panels were also repainted white. The external door open/close buttons were also plated over. The first refurbished train entered service on 23 February 2017, and the last one entered service in December 2019, which means that all trains have now been refurbished. Automatic train operation It had been intended to open the Jubilee Line Extension with an automatic train operation (ATO) system, however delays and technical difficulties meant that a conventional signalling system was hastily installed, and until 2011 the trains were always driven manually by the driver using a dead man's handle, also known as the Traction-Brake controller. Eventually, from 2009 a new signalling system was installed by Thales, called SelTrac. Also known as Transmission-based train control, it allows the trains to be operated automatically, with the driver only responsible for opening and closing the doors, and initiating departure. The system uses inductive track loops, placed between the running rails, to communicate with the train. In order to operate with the new signalling system, all 1996 stock underwent modification, which included the installation of two Vehicle On Board Controllers (VOBC), and a new Train Operators Display (TOD) in the cab. From the beginning of January 2011, ATO was introduced on a gradual basis, and since 26 June 2011, the line has been operated entirely under ATO. As a result, the peak service frequency was increased to 27 trains per hour in July 2011, and it has since been increased further to 30 trains per hour. Roster DM – Driving Motor car T – Trailer (non-powered) car NDM – Non-Driving Motor car UNDM – Uncoupling Non-Driving Motor car See also London Underground 1995 Stock References Further reading External links 1996 Tube Stock - Squarewheels.org.uk 1996 Train-related introductions in 1997 Alstom multiple units
런던 지하철 1996년식 전동차(London Underground 1996 stock)는 런던 지하철 주빌리선의 철도 차량이다. 이 열차는 1997년 GEC 알스톰 - 메트로-캠멜에 의해 제작되어 운행에 들어갔다. 이 열차는 노던선에 사용된 1995년식과 외관이 비슷하다. 원래 59대는 6량 편성으로 제작되었다. 2005년에는 무동력차량이 더 추가되어 각각 7량 편성이 되었고, 4대의 7량 편성을 추가하여 총 63량의 7량 편성을 확보했다. 역사 1996년식 차량은 그린 파크-스트랫퍼드간 주빌리선 연장(JLE)의 개통을 위해 주문되었다. 원래 계획은 1996년식과 비슷한 외관과 내부를 가진 1983년식 차량을 대대적으로 개조하고, 단엽문을 이중문으로 교체하는 것이었으나, 비용이 너무 많이 든다는 것이 판명되어 폐기되었다. JLE 건설이 지연되면서 1996년식은 JLE가 개장되기 훨씬 전인 1983년에 기존의 주빌리선에서 기존 차량을 대체하여 운행에 들어갔다. 첫 열차는 1996년 7월에 인도되어 1997년 12월 24일에 운행에 들어갔고, 최종 열차는 2001년 7월 31일에 운행에 들어갔는데, 나머지 다른 종류의 차량이 운행에 들어간 것보다 몇 달이 더 늦었다. 1995년식의 개발과 1996년식의 개발이 병행되었다. 상세한 설계는 알스톰이 워시우드 히스와 럭비 시설에서 했고, 첫 6량 열차는 알스톰의 바르셀로나 공장에서 1996년식 설계까지 제작하였다. 모든 형식 승인은 이 초기 열차 편성에 대해 수행되었다. 1995년식은 바르셀로나 공장에서 생산되었고, 1996년식의 재고가 뒤따랐다. 최종 조립과 장비는 인접한 생산 라인의 워시우드 히스에 있는 알스톰의 시설에서 이루어졌다. 개요 1996년식 차량은 1995년식 차량과 동일한 외부 차체를 가지고 있지만, 두 전동차는 실내, 좌석 배치 및 운전실(워릭 디자인 컨설턴트가 설계함), 견인 패키지 및 열차 관리 시스템, 트립콕 형상 등 약간의 차이를 가지고 있다. 1995년식 차량은 LED 차체 측면 조명을 사용하고 1996년식 차량은 필라멘트 전구를 사용한다. 또 1996년식은 알스톰제 고무 현가장치가 있는 알스톰제 대차를 사용하고, 1995년식은 노던선 지하의 어려운 선로 조건에 대처하기 위해 공기 현가장치가 있는 ADtranz 대차를 사용한다. 주요 기술적 차이점은 1996년식이 "최초의 최저 비용"을 위해 설계된 반면, 1995년식은 "수명 주기 비용"을 위해 설계되었기 때문에 발생하였으며, 알스톰이 이 차량의 서비스 제공자와 유지자 역할을 하는 계약을 따냈기 때문이다. 알스톰은 이후 이스트런던의 새로운 스트랫포드 마켓 차량사업소에서 수행될 1996년식을 위한 유지보수 계약을 따냈다. 1996년식 차량은 6량 편성 열차로, 2대의 3량 편성(운전차[DM], 무동력차[T], 운전석 없는 동력차[UNDM]으로 구성되며, 표준 열차 편성은 으로 구성되었다. 이후 12대의 무동력 차량이 제빙 장비를 갖추고 있었으며, 이를 [DIT](De-Ising Trailer cars)라고 부른다. 열차의 한쪽 끝은 홀수 번호이고 다른 쪽 끝은 짝수 번호이다. 각 번호에는 5개의 숫자가 있다: 첫 번째 2개는 차량 유형(96), 세 번째는 차량 유형(DM의 경우 0 또는 1, T의 경우 2, 3, UNDM의 경우 4, 5, ST의 경우 6, 7(2005년에 추가된 특수 무동력차), DIT의 경우 8, 9)이다. 예를 들어, 6량 편성 열차는 96001, 96201, 96401, 96402, 96202, 96002가 된다. 개조 도입 당시 열차는 무덤덤하고 회색 모켓이 있는 좌석으로 이루어졌으며, 이것들은 주빌리(Jubilee)를 나타내는 문자 J를 형성했다.(노던(Northern)선의 모켓은 문자 N을 형성했다.) 이 모켓은 2005년 11월, 1973년식과 1995년식에서 동시에 소개된 다색과 다양한 크기의 우묵한 정사각형을 가진 새로운 다크 블루 튜브 라인스 모켓으로 대체되었다. 동시에, 보라색 암레스트(armrests)는 새 좌석에 맞춰 파란색으로 다시 칠해졌다. 2012년 4월부터는 2012년 올림픽이 열리기 전 모든 열차에 새로운 바르만 모켓이 도입되었다. 2014년부터 외부 LCD 대상 디스플레이는 LED 장치로 교체되었다. 새 열차는 원래 노란색 대신 주황색 텍스트를 사용한다. 2017년부터 1996년식 차량이 처음 도입된 지 약 20년만에 개조에 들어갔다. 새로운 바닥이 설치되었고, 출입문에는 대조적인 색상과 홈이 나 있었다. 모든 손잡이는 주빌리선 색상(은색)으로 다시 도색되었으며, 일부 무동력 차량에는 새로운 휠체어 백보드가 제공되었다. 내부의 청록색 패널도 흰색으로 다시 칠해졌다. 외부 출입문 개폐 버튼도 도금 처리 되었다. 2017년 2월 23일 첫 개조열차가 운행을 시작하여, 최종적으로 2019년 12월에 모든 열차가 개조되어 운행에 들어갔다. 자동 열차 운행 자동 열차 운행 시스템은 주빌리 선 연장을 열기 위한 것이었지만, 지연과 기술적 어려움으로 인해 재래식 신호 시스템이 급하게 설치되었으며, 2011년까지 기관사는 트랙션 브레이크 컨트롤러라고도 알려진 데드맨 스위치를 사용하여 항상 수동으로 운전했다. 결국, 2009년부터 탈레스에서 셀트랙(SelTrac)이라고 불리는 새로운 신호 시스템이 설치하였다. 트랜스미션 기반 열차 제어(Transmission-based train control)라고도 하는 이 시스템은 기관사가 출입문을 여닫고 출발하는 작업을 하는 것 이외의 나머지를 열차가 자동으로 작동할 수 있도록 해준다. 시스템은 열차와 통신하기 위해 주행 중인 선로 사이에 배치된 유도식 트랙 루프를 사용한다. 새로운 신호 시스템으로 작동하기 위해, 1996년 모든 차량은 2개의 차량 탑재 제어기(VOBC)와 새로운 열차 운행 디스플레이(TOD)의 설치를 포함한 수정을 거쳤다. 2011년 1월 초부터 점차적으로 ATO가 도입되었으며, 2011년 6월 26일부터는 전적으로 ATO로 운영되고 있다. 이에 따라 2011년 7월 최고 운행횟수는 시간당 27회로 늘었고, 이후 시간당 30회로 증편되었다. 각주 참고 문헌 외부 링크 1996 Tube Stock - Squarewheels.org.uk 1996 런던 지하철
amphora/parallel-wiki-koen
full
The Secretary of State of His Holiness (Latin: Secretarius Status Sanctitatis Suae, ), known as the Cardinal Secretary of State, presides over the Holy See's Secretariat of State, which is the oldest and most important dicastery of the Roman Curia. The Secretariat of State performs all the political and diplomatic functions of the Holy See and the Vatican City State. The secretary of state is sometimes described as the prime minister of the Holy See, even though the nominal head of government of Vatican City is the President of the Pontifical Commission for Vatican City State. Cardinal Pietro Parolin has been secretary of state since 2013. Duties The secretary of state is appointed by the Pope, and serves as one of his principal advisors. As one of the senior offices in the Roman Catholic Church, the secretary is required to be a cardinal. If the office is vacant, a non-cardinal may serve as provisional secretary of state, exercising the powers of the Secretary of State until a suitable replacement is found or the Pro-Secretary is made a cardinal in a subsequent consistory. The secretary's term ends when the Pope who appointed him dies or leaves office. During the sede vacante period, the former secretary acts as a member of a commission with the Camerlengo of the Holy Roman Church and the former President of the Pontifical Commission for Vatican City State, which exercises some of the functions of the head of state of the Vatican City State until a new Pope is elected. Once the new Pope is chosen, the former secretary's role in the commission likewise expires, though he can be re-appointed as Secretary of State. History The office traces its origins to that of secretarius intimus, created by Pope Leo X in the early 16th century to handle correspondence with the diplomatic missions of the Holy See, which were just beginning to become permanent postings instead of missions sent on particular occasions. At this stage the secretary was a fairly minor functionary, the papal administration being led by the Cardinal Nephew, the Pope's confidant usually taken from his family. The imprudence of Pope Julius III in entrusting the office of Cardinal Nephew to his alleged lover Innocenzo Ciocchi Del Monte, a teenaged, virtually illiterate street urchin whom his brother had adopted a few years earlier, led to an upgrading of the Secretary's job, as the incumbent had to take over the duties the Cardinal Nephew was unfit for. By the time of Pope Innocent X the Secretary of State was always himself a Cardinal, and Pope Innocent XII abolished the office of Cardinal Nephew in 1692. From then onwards the Secretary of State has been the most important of the officials of the Holy See. In 1968, Pope Paul VI's apostolic constitution Regimini Ecclesiae Universae further enhanced the powers of the Secretary of State, placing him over all the other departments of the Roman Curia. In 1973 Pope Paul further broadened the Secretaryship by abolishing the ancient office of Chancellor of the Holy Roman Church and merging its functions into those of the Secretary of State. List Secretaries of State between 1551 and 1644 Girolamo Dandini (1551–1555) Carlo Borromeo (1560–1565) Tolomeo Gallio (1565–1566) Girolamo Rusticucci (1566–1572) Tolomeo Gallio (again) (1572–1585) Decio Azzolini (seniore) (1585–1587) Alessandro Peretti di Montalto (Cardinal Nephew) (1587–1590) Paolo Emilio Sfondrati (Cardinal Nephew) (1591) Giovanni Antonio Facchinetti de Nuce (Cardinal Nephew) (1591) Pierbenedetto Peretti (1592–1593) Pietro Aldobrandini (Cardinal Nephew) and Cinzio Passeri Aldobrandini (Cardinal Nephew) (1593–1605) Roberto Ubaldini (1605) Erminio Valenti (1605) Lanfranco Margotti (1605–1611) Porifrio Feliciani (1611–1621) Giovanni Battista Agucchi (1621–1623) Lorenzo Magalotti (1623–1628) Lorenzo Azzolini (1628–1632) Pietro Benessa (1632–1634) Francesco Adriano Ceva (1634–1643) Giovanni Battista Spada (1643–1644) Cardinal Secretaries of State since 1644 Giovanni Giacomo Panciroli (1644–1651) Fabio Chigi (1651–1655); then elected Pope Alexander VII (1655–1667) Giulio Rospigliosi (1655–1667); then elected Pope Clement IX (1667–1669) Decio Azzolini (iuniore) (1667–1669) Federico Borromeo (iuniore) (1670–1673) Francesco Nerli (iuniore) (1673–1676) Alderano Cybo (1676–1689) Giambattista Rubini (1689–1691) Fabrizio Spada (1691–1700) Fabrizio Paolucci (1700–1721) (first time) Giorgio Spinola (1721–1724) Fabrizio Paolucci (1724–1726) (second time) Niccolò Maria Lercari (1726–1730) Antonio Banchieri (1730–1733) Giuseppe Firrao the Elder (1733–1740) Silvio Valenti Gonzaga (1740–1756) Alberico Archinto (1756–1758) Ludovico Maria Torriggiani (1758–1769) Lazzaro Opizio Pallavicini (1769–1785) Ignazio Boncompagni Ludovisi (1785–1789) Francesco Saverio de Zelada (1789–1796) Ignazio Busca (1796–1797) Giuseppe Doria Pamphili (1797–1799) Ercole Consalvi, pro-secretary (1800); secretary (1800–1806) Filippo Casoni (1806–1808) Giulio Gabrielli the Younger (1808–1814) -Giuseppe Doria Pamphilj, pro-secretary (1808) -Bartolomeo Pacca, pro-secretary (1808–1814) Ercole Consalvi (1814–1823) Giulio Maria della Somaglia (28 September 1823 – 17 January 1828) Tommaso Bernetti, pro-secretary (17 June 1828 – 10 February 1829) (first time) Giuseppe Albani (31 March 1829 – 30 November 1830) Tommaso Bernetti, pro-secretary (21 February – 10 August 1831); cardinal secretary (10 August 1831 – 12 January 1836) (second time) Luigi Lambruschini (12 January 1836 – 1 June 1846) Tommaso Pasquale Gizzi (8 August 1846 – 5 July 1847) Gabriele Ferretti (17 July 1847 – 31 December 1848) Giuseppe Bofondi (1 February – 10 March 1848) Giacomo Antonelli (10 March – 3 May 1848) (first time) Antonio Francesco Orioli (5 May – 4 June 1848), cardinal secretary ad interim Giovanni Soglia Ceroni (4 June – 29 November 1848) Giacomo Antonelli (29 November 1848 – 6 November 1876) (second time) Giovanni Simeoni (18 December 1876 – 7 February 1878) In popular culture Silvio Orlando portrayed fictional Cardinal Secretary of State Voiello in the 2016 Sky Italia Sky Atlantic HBO Canal+ co-produced television series The Young Pope and the 2019 follow-up series The New Pope. See also Secretary of State Index of Vatican City-related articles References External links Secretary of State: a Top Collaborator 1551 establishments in the Papal States
국무원장(Cardinalis Secretarius Status) 공식적으로 국무원장 추기경은 로마 교황청에서 가장 역사가 깊고 중요한 기구인 바티칸 국무원의 모든 것을 통솔하는 직책을 맡은 기독교 성직자이다. 국무원장은 성좌의 정치적·외교적 활동을 관리하며, 그 때문에 성좌의 “총리”로 여겨지고 있다. 현재의 국무원장은 2013년 9월 1일 이후부터 이탈리아의 피에트로 파롤린 추기경이다. 직무 국무원장관은 교황이 직접 임명하며, 교황의 주요한 조언자 가운데 한 사람으로서 봉사한다. 로마 가톨릭교회 내 상급 공직의 한 사람으로서, 장관으로 임명되려면 먼저 추기경이어야 하는 것이 필수조건이다. 만약 장관 자리가 공석이 되면 부(副)국무원 장관으로 근무하는 비(非)추기경이 적당한 후임자를 찾거나 부국무원 장관이 이후 추기경단의 추기경으로 서임될 때까지 국무원 장관의 권한을 행사하는 것이 허락된다. 국무원 장관의 임기는 보통 그를 지명한 교황이 선종하거나 장관직에서 물러날 때 끝난다. 사도좌 공석 기간에 국무성성 장관은 바티칸 시국 주교 위원회의 의장으로서 새 교황이 선출될 때까지 추기경 의전관과 더불어 위원회의 위원으로 활동하며, 바티칸 시국의 국가원수 역할을 일부 행사한다. 새 교황이 선출되면, 자동으로 위원회 의장직과 같이 국무성성 장관으로서의 임기가 종료되지만, 다시 복직될 수도 있다. 교황청 성성장관이나 위원회윈원장에 추기경이 아닌 대주교가 임명될시 서리이며 서리인 자가 추기경에 임명되며 부제급추기경으로 임명되나 국무원장서리인 대주교만 사제급추기경으로 임명받는다 역사 국무원장의 시초는 16세기 초 교황 레오 10세가 교황청의 외교 사절과의 연락을 처리하도록 신설한 특무성성(特務聖省)까지 거슬러 올라간다. 그 당시의 국무성성 장관은 대강 이류 직원에 해당하는 직책으로, 보통 교황의 가족 가운데 믿을 만한 사람으로 지목된 추기경이 맡아 바티칸의 행정을 관리하였다. 교황 율리오 3세는 아직 10대인 데다가 사생아이며, 고결함과는 거리가 먼 부랑아인 조카 인노첸초 초키 델 몬테를 적임이 아닌 국무성성 장관으로 위임하는 경솔한 행동을 저질렀다. 교황 인노첸시오 10세는 그 자신이 추기경이었을 동안 쭉 국무성성 장관으로 일했으며, 교황 인노첸시오 12세는 1692년에 족벌주의를 폐지하였다. 이때부터 국무성성 장관은 교황청 내 관직 가운데 가장 중요한 직책이 되었다. 1968년, 교황 바오로 6세는 교황령 《교황청 개편에 관하여 (Regimini Ecclesiae Universae)》를 통해 국무원장의 지위를 로마 교황청 내 다른 성(省)의 장관들보다 더 높임으로써, 국무성성의 권한을 강화하였다. 1973년에 바오로 6세는 오래된 직책인 교황청 상서원장을 폐지하고 그 기능을 국무성성 장관에게 넘겨줌으로써 국무성성 장관의 권한을 한층 더 강화하였다. 역대 국무원장 지롤라모 단디니 (1551-1555) 카를로 보로메오 (1560-1565) 톨로메오 갈리오 (1565-1566) 지롤라모 루스티쿠치 (1566-1572) 톨로메오 갈리오 (연임) (1572-1585) 데초 아졸리니 (1585-1587) 알레산드로 페레티 데 몬탈토 (1587-1590) 파올로 에밀리오 스폰드라티 (1591) 조반니 안토니오 파치네티 데 누체 (1591) 피에르베네데토 페레티 (1592-1593) 피에트로 알도브란디니 (1593-1605) 에르미니오 발렌티 (1605) 시피오네 카파렐리-보르게세 (1605-1621) 루도비코 루도비시 (1621-1623) 로렌초 마갈로티 (1623-1628) 로렌초 아졸리니 (1628-1632) 피에트로 베네사 (1632-1634) 프란체스코 체바 (1634-1643) 조반니 바티스타 스파다 (1643-1644) 조반니 자코모 판치롤리 (1644-1651) 파비오 키지 (1651-1655) 줄리오 로스필리오시 (1655-1667) 소 데치오 아졸리니 (1667-1669) 소 페데리코 보로메오 (1670-1673) 프란체스코 넬리 (1673-1676) 알데라노 치보 (1676-1689) 잠바티스타 루비니 (1689-1691) 파브리치오 스파다 (1691-1700) 파브리치오 파올루치 (1700-1721) (1차) 조르지오 스피놀라 (1721-1724) 파브리치오 파올루치 (1724-1726) (2차) 니콜로 마리아 레르카리 (1726-1730) 안토니오 반키에리 (1730-1733) 주세페 필라오 스르 (1733-1740) 실비오 발렌티 곤차가 (1740-1756) 알베리코 아르킨토 (1756-1758) 루도비코 마리아 토리지아니 (1758-1769) 라자로 오피치오 팔라비치니 (1769-1785) 이나치오 본콤파니 루도비시 (1785-1789) 프란체스코 사베리오 데 젤라다 (1789-1796) 이나치오 부스카 (1796-1797) 주세페 도리아 팜필리 (1797-1799) 에르콜레 콘살비 (1800-1806) (1차) 필리포 카소니 (1806-1808) 소 줄리오 가브리엘리 (1808-1814) 에르콜레 콘살비 (1814-1823) (2차) 줄리오 마리아 델라 소말리아 (1823-1828) 톰마소 베르네티 (1828-1829) (1차) 주세페 알바니 (1829-1830) 톰마소 베르네티 (1831) (2차) 루이지 람보르기니 (1836-1846) 톰마소 파스콸레 기치 (1846-1847) 가브리엘레 페레티 (1847-1848) 주세페 보폰디 (1848-1848) 자코모 안토넬리 (1848-1848) (1차) 안톤 오리올리 (1848-1848) 조반니 솔리아 체로니 (1848-1848) 자코모 안토넬리 (1848-1876) (2차) 조반니 시메오니 (1876-1878) 알레산드로 프란키 (1878-1878) 로렌초 니나 (1878-1880) 루이지 자코비니 (1880-1887) 마리아노 람폴라 (1887-1903) 라파엘 메리 델 발 (1903-1914) 도메니코 페라타 (1914) 피에트로 가스파리 (1914-1930) 에우제니오 파첼리 (1930-1939) 루이지 말리오네 (1939-1944) 도메니코 타르디니 (1958-1961) 암레토 조반니 치코냐니 (1961-1969) 장 마리 비요 (1969-1979) 아고스티노 카사롤리 (1979-1990) 안젤로 소다노 (1991-2006) 타르치시오 베르토네 (2006.9.15-2013.10.15) 피에트로 파롤린 (2014.2.22-) 같이 보기 국무원 (교황청) 교황청 추기경
amphora/parallel-wiki-koen
full
Please take the following data and then wait for me to ask questions LogText LogTime DHA up for 34 loops 2023-03-20 13:42:37 DHA up for 33 loops 2023-03-20 13:41:34 DHA up for 32 loops 2023-03-20 13:40:31 DHA up for 31 loops 2023-03-20 13:39:28 DHA up for 30 loops 2023-03-20 13:38:25 DHA up for 29 loops 2023-03-20 13:37:22 DHA up for 28 loops 2023-03-20 13:36:19 DHA up for 27 loops 2023-03-20 13:35:17 DHA up for 26 loops 2023-03-20 13:34:14 DHA up for 25 loops 2023-03-20 13:33:11 DHA up for 24 loops 2023-03-20 13:32:08 DHA up for 23 loops 2023-03-20 13:31:05 DHA up for 22 loops 2023-03-20 13:30:02 DHA up for 21 loops 2023-03-20 13:28:59 DHA up for 20 loops 2023-03-20 13:27:56 DHA up for 19 loops 2023-03-20 13:26:53 DHA up for 18 loops 2023-03-20 13:25:51 DHA up for 17 loops 2023-03-20 13:24:48 DHA up for 16 loops 2023-03-20 13:23:45 DHA up for 15 loops 2023-03-20 13:22:42 DHA up for 14 loops 2023-03-20 13:21:39 DHA up for 13 loops 2023-03-20 13:20:37 DHA up for 12 loops 2023-03-20 13:19:34 DHA up for 11 loops 2023-03-20 13:18:31 DHA up for 10 loops 2023-03-20 13:17:28 DHA up for 9 loops 2023-03-20 13:16:25 DHA up for 8 loops 2023-03-20 13:15:22 DHA up for 7 loops 2023-03-20 13:14:19 DHA up for 6 loops 2023-03-20 13:13:15 DHA up for 5 loops 2023-03-20 13:12:12 DHA up for 4 loops 2023-03-20 13:11:09 Toggling DHA to: On 2023-03-20 13:10:07 DHA up for 3 loops 2023-03-20 13:10:07 DHA up for 2 loops 2023-03-20 13:09:02 DHA up for 1 loops 2023-03-20 13:07:59 Toggling DHA to: Off 2023-03-20 13:06:56 3 Failures detected on DHA for 2 loops 2023-03-20 13:06:56 3 Failures detected on DHA for 1 loops 2023-03-20 13:05:48 DHA up for 602 loops 2023-03-20 13:04:41 DHA up for 601 loops 2023-03-20 13:03:38 DHA up for 600 loops 2023-03-20 13:02:35 DHA up for 599 loops 2023-03-20 13:01:32 DHA up for 598 loops 2023-03-20 13:00:29 DHA up for 597 loops 2023-03-20 12:59:26 DHA up for 596 loops 2023-03-20 12:58:23 DHA up for 595 loops 2023-03-20 12:57:20 DHA up for 594 loops 2023-03-20 12:56:17 DHA up for 593 loops 2023-03-20 12:55:13 DHA up for 592 loops 2023-03-20 12:54:11 DHA up for 591 loops 2023-03-20 12:53:08 DHA up for 590 loops 2023-03-20 12:52:05 DHA up for 589 loops 2023-03-20 12:51:02 DHA up for 588 loops 2023-03-20 12:50:00 DHA up for 587 loops 2023-03-20 12:48:57 DHA up for 586 loops 2023-03-20 12:47:54 DHA up for 585 loops 2023-03-20 12:46:51 DHA up for 584 loops 2023-03-20 12:45:49 DHA up for 583 loops 2023-03-20 12:44:46 DHA up for 582 loops 2023-03-20 12:43:43 DHA up for 581 loops 2023-03-20 12:42:40 DHA up for 580 loops 2023-03-20 12:41:38 DHA up for 579 loops 2023-03-20 12:40:35 DHA up for 578 loops 2023-03-20 12:39:32 DHA up for 577 loops 2023-03-20 12:38:30 DHA up for 576 loops 2023-03-20 12:37:27 DHA up for 575 loops 2023-03-20 12:36:24 DHA up for 574 loops 2023-03-20 12:35:21 DHA up for 573 loops 2023-03-20 12:34:18 DHA up for 572 loops 2023-03-20 12:33:15 DHA up for 571 loops 2023-03-20 12:32:12 DHA up for 570 loops 2023-03-20 12:31:09 DHA up for 569 loops 2023-03-20 12:30:07 DHA up for 568 loops 2023-03-20 12:29:03 DHA up for 567 loops 2023-03-20 12:28:00 DHA up for 566 loops 2023-03-20 12:26:57 DHA up for 565 loops 2023-03-20 12:25:54 DHA up for 564 loops 2023-03-20 12:24:51 DHA up for 563 loops 2023-03-20 12:23:49 DHA up for 562 loops 2023-03-20 12:22:46 DHA up for 561 loops 2023-03-20 12:21:43
임대 다음 데이터를 가져온 다음 제가 질문할 때까지 기다립니다. 로그 텍스트 로그 시간34 루프에 대해 DHA 증가 2023-03-20 13:42:3733 루프에 대해 DHA 업 2023-03-20 13:41:3432 루프에 대해 DHA 상승 2023-03-20 13:40:3131 루프에 대한 DHA 상승 2023-03-20 13:39:2830 루프에 대한 DHA 상승 2023-03-20 13:38:2529 루프에 대한 DHA 상승 2023-03-20 13:37:2228 루프에 대한 DHA 상승 2023-03-20 13:36:1927 루프에 대한 DHA 상승 2023-03-20 13:35:1726 루프에 대한 DHA 상승 2023-03-20 13:34:1425 루프에 대한 DHA 상승 2023-03-20 13:33:1124 루프에 대한 DHA 상승 2023-03-20 13:32:0823 루프에 대한 DHA 상승 2023-03-20 13:31:0522 루프에 대한 DHA 상승 2023-03-20 13:30:0221 루프에 대한 DHA 상승 2023-03-20 13:28:5920 루프에 대한 DHA 상승 2023-03-20 13:27:5619 루프에 대한 DHA 상승 2023-03-20 13:26:5318 루프에 대한 DHA 업 2023-03-20 13:25:5117 루프에 대한 DHA 상승 2023-03-20 13:24:4816 루프에 대한 DHA 상승 2023-03-20 13:23:45DHA 15 루프 상승 2023-03-20 13:22:4214 루프에 대한 DHA 상승 2023-03-20 13:21:3913 루프에 대한 DHA 업 2023-03-20 13:20:3712 루프에 대해 DHA 상승 2023-03-20 13:19:34DHA 11루프 상승 2023-03-20 13:18:31DHA 10루프 상승 2023-03-20 13:17:289 루프에 대한 DHA 상승 2023-03-20 13:16:258 루프에 대해 DHA 상승 2023-03-20 13:15:227 루프에 대한 DHA 상승 2023-03-20 13:14:196 루프에 대한 DHA 상승 2023-03-20 13:13:15DHA 5 루프 상승 2023-03-20 13:12:124루프를 위해 DHA 상승 2023-03-20 13:11:09DHA로 토글: 2023-03-20 13:10:07에DHA 3루프 상승 2023-03-20 13:10:07DHA 2루프 상승 2023-03-20 13:09:021 루프에 대해 DHA 상승 2023-03-20 13:07:59DHA를 토글: Off 2023-03-20 13:06:562 루프에 대해 DHA에서 3 실패 감지 2023-03-20 13:06:563 루프에 대해 DHA에서 1 실패 감지 2023-03-20 13:05:48602 루프에 대한 DHA 업 2023-03-20 13:04:41601 루프에 대해 DHA 업 2023-03-20 13:03:38600 루프에 대한 DHA 상승 2023-03-20 13:02:35599 루프에 대한 DHA 상승 2023-03-20 13:01:32598 루프에 대한 DHA 상승 2023-03-20 13:00:29597 루프에 대한 DHA 상승 2023-03-20 12:59:26DHA 상승 596 루프 2023-03-20 12:58:23595 루프에 대한 DHA 상승 2023-03-20 12:57:20594 루프에 대한 DHA 상승 2023-03-20 12:56:17593 루프 위해 DHA 상승 2023-03-20 12:55:13592 루프에 대한 DHA 상승 2023-03-20 12:54:11591 루프에 대한 DHA 상승 2023-03-20 12:53:08590 루프에 대한 DHA 상승 2023-03-20 12:52:05DHA 상승 589 루프 2023-03-20 12:51:02588 루프에 대한 DHA 상승 2023-03-20 12:50:00DHA 상승 587 루프 2023-03-20 12:48:57586 루프에 대한 DHA 상승 2023-03-20 12:47:54585 루프에 대한 DHA 상승 2023-03-20 12:46:51584 루프에 대한 DHA 상승 2023-03-20 12:45:49DHA 상승 583 루프 2023-03-20 12:44:46DHA 상승 582 루프 2023-03-20 12:43:43581 루프에 대한 DHA 상승 2023-03-20 12:42:40580 루프에 대한 DHA 상승 2023-03-20 12:41:38579 루프에 대한 DHA 상승 2023-03-20 12:40:35578 루프에 대한 DHA 상승 2023-03-20 12:39:32577 루프에 대한 DHA 상승 2023-03-20 12:38:30576 루프에 대한 DHA 상승 2023-03-20 12:37:27575 루프에 대한 DHA 상승 2023-03-20 12:36:24574 루프에 대한 DHA 상승 2023-03-20 12:35:21573 루프에 대한 DHA 상승 2023-03-20 12:34:18572 루프에 대한 DHA 상승 2023-03-20 12:33:15571 루프에 대한 DHA 상승 2023-03-20 12:32:12570 루프에 대한 DHA 상승 2023-03-20 12:31:09569 루프에 대한 DHA 상승 2023-03-20 12:30:07568 루프에 대한 DHA 상승 2023-03-20 12:29:03567 루프에 대한 DHA 상승 2023-03-20 12:28:00566 루프에 대한 DHA 상승 2023-03-20 12:26:57565 루프에 대한 DHA 상승 2023-03-20 12:25:54564 루프에 대한 DHA 상승 2023-03-20 12:24:51563 루프에 대한 DHA 상승 2023-03-20 12:23:49562 루프에 대한 DHA 상승 2023-03-20 12:22:46561 루프에 대해 DHA 상승 2023-03-20 12:21:43
squarelike/sharegpt_deepl_ko_translation
full
NMEA 0183 is a combined electrical and data specification for communication between marine electronics such as echo sounder, sonars, anemometer, gyrocompass, autopilot, GPS receivers and many other types of instruments. It has been defined and is controlled by the National Marine Electronics Association (NMEA). It replaces the earlier NMEA 0180 and NMEA 0182 standards. In leisure marine applications it is slowly being phased out in favor of the newer NMEA 2000 standard, though NMEA 0183 remains the norm in commercial shipping. Details The electrical standard that is used is EIA-422, also known as RS-422, although most hardware with NMEA-0183 outputs are also able to drive a single EIA-232 port. Although the standard calls for isolated inputs and outputs, there are various series of hardware that do not adhere to this requirement. The NMEA 0183 standard uses a simple ASCII, serial communications protocol that defines how data are transmitted in a "sentence" from one "talker" to multiple "listeners" at a time. Through the use of intermediate expanders, a talker can have a unidirectional conversation with a nearly unlimited number of listeners, and using multiplexers, multiple sensors can talk to a single computer port. At the application layer, the standard also defines the contents of each sentence (message) type, so that all listeners can parse messages accurately. While NMEA 0183 only defines an RS-422 transport, there also exists a de facto standard in which the sentences from NMEA0183 are placed in UDP datagrams (one sentence per packet) and sent over an IP network. The NMEA standard is proprietary and sells for at least US$2000 (except for members of the NMEA) as of September 2020. However, much of it has been reverse-engineered from public sources. UART settings There is a variation of the standard called NMEA-0183HS that specifies a baud rate of 38,400. This is in general use by AIS devices. Message structure All transmitted data are printable ASCII characters between 0x20 (space) to 0x7e (~) Data characters are all the above characters except the reserved characters (See next line) Reserved characters are used by NMEA0183 for the following uses: Messages have a maximum length of 82 characters, including the $ or ! starting character and the ending <LF> The start character for each message can be either a $ (For conventional field delimited messages) or ! (for messages that have special encapsulation in them) The next five characters identify the talker (two characters) and the type of message (three characters). All data fields that follow are comma-delimited. Where data is unavailable, the corresponding field remains blank (it contains no character before the next delimiter – see Sample file section below). The first character that immediately follows the last data field character is an asterisk, but it is only included if a checksum is supplied. The asterisk is immediately followed by a checksum represented as a two-digit hexadecimal number. The checksum is the bitwise exclusive OR of ASCII codes of all characters between the $ and *, not inclusive. According to the official specification, the checksum is optional for most data sentences, but is compulsory for RMA, RMB, and RMC (among others). ends the message. As an example, a waypoint arrival alarm has the form: $GPAAM,A,A,0.10,N,WPTNME*32 Another example for AIS messages is: !AIVDM,1,1,,A,14eG;o@034o8sd<L9i:a;WF>062D,0*7D NMEA sentence format The main talker ID includes: BD or GB - Beidou GA - Galileo GP - GPS GL - GLONASS. NMEA message mainly include the following "sentences" in the NMEA message: One example, the sentence for Global Positioning System Fixed Data for GPS should be "$GPGGA". Vendor extensions Most GPS manufacturers include special messages in addition to the standard NMEA set in their products for maintenance and diagnostics purposes. Extended messages begin with "$P". These extended messages are not standardized. Software compatibility NMEA 0183 is supported by various navigation and mapping software. Notable applications include: DeLorme Street Atlas ESRI Google Earth Google Maps Mobile Edition gpsd - Unix GPS Daemon JOSM - OpenStreetMap Map Editor MapKing Microsoft MapPoint Microsoft Streets & Trips NetStumbler OpenCPN - Open source navigation software OpenBSD's hw.sensors framework with the nmea(4) pseudo-device driver OpenNTPD through sysctl API Rand McNally StreetFinder ObserVIEW Sample file A sample file produced by a Tripmate 850 GPS logger. This file was produced in Leixlip, County Kildare, Ireland. The record lasts two seconds. $GPGGA,092750.000,5321.6802,N,00630.3372,W,1,8,1.03,61.7,M,55.2,M,,*76 $GPGSA,A,3,10,07,05,02,29,04,08,13,,,,,1.72,1.03,1.38*0A $GPGSV,3,1,11,10,63,137,17,07,61,098,15,05,59,290,20,08,54,157,30*70 $GPGSV,3,2,11,02,39,223,19,13,28,070,17,26,23,252,,04,14,186,14*79 $GPGSV,3,3,11,29,09,301,24,16,09,020,,36,,,*76 $GPRMC,092750.000,A,5321.6802,N,00630.3372,W,0.02,31.66,280511,,,A*43 $GPGGA,092751.000,5321.6802,N,00630.3371,W,1,8,1.03,61.7,M,55.3,M,,*75 $GPGSA,A,3,10,07,05,02,29,04,08,13,,,,,1.72,1.03,1.38*0A $GPGSV,3,1,11,10,63,137,17,07,61,098,15,05,59,290,20,08,54,157,30*70 $GPGSV,3,2,11,02,39,223,16,13,28,070,17,26,23,252,,04,14,186,15*77 $GPGSV,3,3,11,29,09,301,24,16,09,020,,36,,,*76 $GPRMC,092751.000,A,5321.6802,N,00630.3371,W,0.06,31.66,280511,,,A*45 Note some blank fields, for example: GSV records, which describe satellites 'visible', lack the SNR (signal–to–noise ratio) field for satellite 16 and all data for satellite 36. GSA record, which lists satellites used for determining a fix (position) and gives a DOP of the fix, contains 12 fields for satellites' numbers, but only 8 satellites were taken into account—so 4 fields remain blank. Status NMEA 0183 continued to be maintained separately: V4.10 was published in early May 2012, and an erratum noted on 12 May 2012. On November 27, 2018, it was issued an update to version 4.11, which supports Global Navigation Satellite Systems other than GPS. See also GPS Exchange Format TransducerML IEEE 1451 IEC 61162 NMEA 2000 NMEA OneNet RTCM SC-104 RINEX References External links National Marine Electronics Association NMEA's website about NMEA 0183 NMEA Specifications at APRS Info Global Positioning System Network protocols Computer buses Marine electronics Satellite navigation
NMEA라고 주로 불리는 NMEA 0183은 시간, 위치, 방위 등의 정보를 전송하기 위한 규격이다. NMEA 0183은 미국의 NMEA(The National Marine Electronics Association)에서 정의해 놓았다. 이 데이터들은 주로 자이로컴퍼스, GPS, 나침반, 관성항법장치(INS)에 사용된다. NMEA 0183은 ASCII코드로 직렬 방식의 통신을 사용한다. 레이어 NMEA 0183은 3가지 레이어로 구성되어 있으며, 이것은 각각 물리 계층, 데이터링크 계층, 애플리케이션 계층이다. 물리 계층은 RS-232, RS-422 등의 전기적인 전송 규격을 뜻한다. 데이터링크 계층은 Baud rate, Data bit, Parity bit, Stop bit 등을 정해 놓는다. Application Layer는 데이터를 전송하는 Sentence에 대한 규약이이며 GPS등에서 표준프로토콜이다. 애플리케이션 레이어 애플리케이션 레이어에서의 문장 구조의 형식 및 특징은 다음과 같다. '$'로 시작한다. 첫 두 자리는 제품의 종류를 나타낸다. GPS 제품일 경우 GP, 수심 측정 장비인 Depth Sounder 제품일 경우 SD를 사용한다. 다음 세 자리는 해당 프로토콜이 가지고 있는 데이터의 종류를 나타낸다. 데이터의 구분은 ','로 하며 '*'로 끝난다. '$'와 '*'사이의 모든 데이터를 XOR(exclusive or) 연산을 하여 체크섬 값을 만들어 추가한다. <CR><LF>를 붙인다. 주로 사용되는 문장에 대한 예시와 설명은 다음과 같다. Elextech사에서 만든 G1800s라는 GPS모듈이다. Baud Rate는 9600bps이다. GPGGA GPGGA Global Positioning System Fix Data라고 한다. 여기에서 주로 알 수 있는 것은 시간, 위도, 경도, 고도 등이다. 114455.532는 시간으로서 Zulu time (그리니치 표준시) 기준으로 11시 44분 55.532초를 뜻한다. 3735.0079는 위도로서 37도 35.0079분을 뜻한다. 도(degree) 단위로 환산시, 35.0079/60 = 0.5 대략 37.5도가 된다. 뒤의 N은 북위를 뜻한다. 적도 남쪽에 있다면 S가 된다. 12701.6446은 경도로서 127도 1.6446분을 뜻한다. 도(degree) 단위로 환산시, 1.6446/60 = 0.027 대략 127.0도가 된다. 뒤의 E는 동경을 뜻한다. W가 되면 서경이 된다. '1'은 Fix의 종류를 뜻한다. 이 자리의 숫자에 따른 뜻은 다음과 같다. 0 : Invalid 잘못된 데이터. 주로 위성이 안 잡힐 경우. 1 : GPS에서 제공하는 기본 위성을 가지고만 계산할 경우. 2 : DGPS를 이용하여 보정하여 계산할 경우 DGPS를 이용할 경우 더욱 정확한 측정이 가능해진다. DGPS는 지구의 지표의 위치가 명확히 알려진 곳에 기지국을 설치하거나 또 다른 위성(NAVSTAR GPS위성이 아닌 타 위성)이 GPS송출 신호를 내보내어 보정하도록 하는 방법이다. 보통 15M정도의 오차를 가지는 GPS가 DGPS로 보정할 경우 5M로 오차가 줄어들게 된다. '03'은 계산에 사용한 위성을 개수를 나타낸다. 위치를 알기 위해서 최소3개 이상의 신호를 받아야 한다. '7.9'는 horizontal dilution of Precision으로 2차원적 오차결정(수평방향)을 뜻한다. '48.8M'는 해수면 기준 고도(해발)이다. '19.6M'는 지오이드고(geoid height)이다 '0.0'과 '0000'은 DGPS 사용시 마지막으로 update한 시간과 DGPS 기지국의 ID이다. '48'은 Check Sum이다. GPGSV GPGSV GPS Satellites in View는 현재 GPS Module이 수신할 수 있는 모든 위성의 정보이다. 모든 위성을 계산에 사용하지는 않는다. '3'은 앞으로 나올 GPGSV가 총 몇 개의 Sentence일지 알려준다. 여기에서는 총 3개의 Sentence이다. '1'은 GPGSV Sentence중 몇 번째의 Sentence인지 알려준다. 여기에서는 1번째 Sentence이다. '10'은 현재 수신할 수 있는 모든 위성의 개수를 나타낸다. '03,86,244,00'는 3번 위성이고, 현재 자신의 위치에서 86도 (degree) elevation 244도 (degree)의 Azimuth 신호대잡음비 (SNR)은 0이다. '77'은 Checksum이다. 최대 4개의 위성이 하나의 Sentence에 들어갈 수 있다. GPRMC GPRMC Recommended Minimum data는 추천되는 최소한의 데이터들이다. 114455.532는 시간으로서 Zulu time (그리니치 표준시) 기준으로 11시 44분 55.532초를 뜻한다. A는 GPS 신호의 신뢰성을 뜻한다. (A = 신뢰할 수 있음, V = 신뢰할 수 없음) 3735.0079는 위도로서 37도 35.0079분을 뜻한다. 도(degree) 단위로 환산시, 35.0079/60 = 0.5 대략 37.5도가 된다. 뒤의 N은 북위를 뜻한다. 적도 남쪽에 있다면 S가 된다. 12701.6446은 경도로서 127도 1.6446분을 뜻한다. 도(degree) 단위로 환산시, 1.6446/60 = 0.027 대략 127.0도가 된다. 뒤의 E는 동경을 뜻한다. W가 되면 서경이 된다. '0.000000'은 Speed over ground로서 knots 단위의 속도계이다. 비행기에서는 KIAS라는 속도 단위를 사용하고, 배에서는 Knots를 사용한다. KIAS는 Knots indicator air speed의 약자이다. km/h로 변환시 대략 1.8을 곱한다. '121.61'은 Track Angle in degree true로서, 진행 방향을 정북을 0도부터 359도까지 표현한 것이다. 121.61은 대략 동남쪽이다. '110706'은 Date를 뜻한다. 여기에서는 11th, July, 2006이며 2006년 7월 11일이다. ' '는 Magnetic Variation으로서 나침반이다. 예시의 GPS Module은 나침반이 내장되어 있지 않다. '*0A'는 체크섬이다. GPGSA GSA는 GNSS DOP and Active Satellite를 의미한다. 데이타를 제공하는 위성을 나열하는 GSA 레코드에는 위성 번호에 대한 12개의 필드가 포함되어 있지만 8개의 위성 만 고려되므로 4개의 필드는 비어 있다.GSA는 단독으로 쓰이기 보다는 GSV와 상호참조로 위성상태를 확인하거나 시각적 분석을 위한 GLONASS 인공위성 및 이들의 자료등을 활용할 수 있다. 이 GSA 문장의 각각에는 대화자 ID GN가 있어야한다. 인공위성은 조합된 솔루션에 사용되며 각각의 위치 데이타에 사용된 결합 위성은 PDOP(축위오차), HDOP(수평오차) 및 VDOP(수직오차)를가지고있다. $--GSA : 문장 ID a : 모드1 - A = 2D/3D 자동변환 ,M =수동 전환 x : 모드2 - 2 = 2D , 3=3D xx :사용된 위성번호 1~12개 VDOP, HDOP, PDOP : 오차값 hh : 체크섬 체크섬 코드 자바 버전 char checkSum(String nmeaStr) { char check = 0; // iterate over the string, XOR each byte with the total sum; for (int c = 0; c < theseChars.length(); c++) { check = char(check ^ theseChars.charAt(c)); } // return the result return check; } 같이 보기 GPS UTC 외부 링크 NMEA 홈페이지 NMEA 0183, NMEA NMEA에 대한 질문과 대답 NMS 프로토콜의 생성과 분석에 관한 자유 C 라이브러리 NMEA 자료 정보 참고 NMEA NMEA 0183 Developers Information - NMEA 0183 Developers Information NMEA 0183 SENTENCES GPS 네트워크 프로토콜 컴퓨터 버스
amphora/parallel-wiki-koen
full
The Battle of Rocroi, fought on 19 May 1643, was a major engagement of the Thirty Years' War between a French army, led by the 21-year-old Duke of Enghien (later known as the Great Condé) and Spanish forces under General Francisco de Melo only five days after the accession of Louis XIV to the throne of France after his father's death. Rocroi shattered the myth of invincibility of the Spanish Tercios, the terrifying infantry units that had dominated European battlefields for the previous 120 years. The battle is therefore often considered to mark the end of Spanish military greatness and the beginning of French hegemony in Europe during the 17th century. After Rocroi, the Spanish progressively transformed the tercio system incorporating more of the line infantry doctrine used by the French over time. Context Since 1618, the Thirty Years' War had raged in Germany, with the Catholic Austrian and Spanish Habsburgs fighting the Protestant states. In 1635, fearing a peace too favorable to the House of Habsburg after a string of Protestant defeats, France decided to intervene directly and declared war on the Habsburgs and Spain, despite France being a Catholic power that had suppressed its own Protestant rebellions. An initial invasion of the Spanish Netherlands ended in failure, and the French retreated to their borders. December 1642 brought the death of Cardinal Richelieu, the chief minister to Louis XIII of France, followed by the King's own death on 14 May 1643, when his four-year-old son Louis XIV inherited the throne. Despite receiving overtures of peace amid the precarious domestic situation, the new French chief minister, Mazarin, did not wish to end the war and exerted French military pressure on Franche-Comté, Catalonia, and the Spanish Netherlands. The Battle of Honnecourt in May 1642 had opened the way towards Paris, and the renowned Spanish Army of Flanders advanced through the Ardennes into northern France with 27,000 men in the hope of relieving pressure on Catalonia and in Franche-Comté. Prelude En route, the Spanish troops, under Francisco de Melo, laid siege to the fortified town of Rocroi. The Duc d'Enghien, the commander of a French army in Amiens, was appointed to stop the Spanish incursion. He was 21 but had already proven himself a bold and cunning commander, and he had the support of worthy subordinates, such as Marshal Jean de Gassion. French forces in the area numbered 23,000. Enghien advanced to meet de Melo's numerically superior army along the Meuse River. On 17 May, he learned the king had died but kept the news secret from his army. Word reached Enghien that 6,000 Spanish reinforcements were on their way to Rocroi, and he hurried there on 18 May. He decided on an attack before de Melo's forces could be reinforced against the advice of his older subordinate commanders. He ordered his army forward through the only available approach, a defile between woods and marshes that the Spanish had failed to block. That afternoon, the French took up position on a ridge overlooking Rocroi. Learning of the French advance, de Melo decided to engage the oncoming forces, rather than invest in the siege, as he deemed his army stronger. Accordingly, the Spanish army formed up between the French and Rocroi, and both sides prepared for battle the next day. The Spanish expected a decisive victory, which would compel the French to negotiate peace. The French army was arranged in two lines of infantry in the center, squadrons of cavalry on each wing, and a thin line of artillery at the front. The Spanish army was similarly positioned but with the center infantry in their traditional "tercio" squares, with some 8,000 highly trained Spanish in front and mercenary infantry behind them. The two armies exchanged fire in the afternoon of 18 May, but the full battle did not occur until the following day. Battle The battle began early in the morning of 19 May on open farmland in front of Rocroi with a French cavalry attack on the Spanish left. The French horsemen on the right under Jean de Gassion pushed back the Spanish cavalry opposite, and Enghien followed up by swiftly charging the exposed Spanish left flank. The Spanish horsemen were routed, and Enghien moved against the elite Spanish infantrymen, which had engaged their French counterparts and were besting them. At the same time, the French cavalry on the left, against Enghien's orders, attacked the Spanish right and were repulsed. The Spanish mounted a counter-attack, initially very successful, but their advance was eventually halted by French reserves. At this point, the French left and center were in distress. The battle was still inconclusive, with both armies succeeding on their right but bloodied on their left. Enghien's illumination Enghien, aware that his left and center were bending under pressure, decided not to pull them back, but to exploit his momentum on the right flank. He ordered a cavalry encirclement, which was achieved via a sweeping strike and got behind the Spanish lines. He then smashed through the back of the Spanish infantry in the center and went on to crash into the rear of the Spanish right-flank cavalry that had engaged his reserves. The move was a complete success, and when the Spanish cavalry scattered, it left the infantry isolated, prompting the Spanish artillery crew to flee the battlefield. Regarded as the finest in Europe for over a century, the Spanish infantry, now enveloped on all sides, held its formations and repulsed two French cavalry attacks. Enghien massed his artillery alongside the captured Spanish guns, and relentlessly hammered the Spanish squares. The Germans and Walloons deserted, overwhelmed and broken, but the veteran Spanish Tercios remained on the field with their commander. Concluding battle Despite heavy artillery fire and the death of their commander de Fontaines, the Spanish absorbed additional French cavalry attacks without breaking formation. Impressed with their gallantry in combat, Enghien offered surrender terms similar to those obtained by a besieged garrison in a fortress, and the Spanish accepted. When Enghien personally rode forward to take their surrender, however, some of the Spanish apparently believed that this was the beginning of a French cavalry charge and opened fire on him. Angered by this seeming treachery, the French attacked again, this time without quarter and with devastating result. The Spanish army was virtually destroyed. Some Spanish sources state that only three of the five Spanish infantry battalions were destroyed by the French, while the remaining two were allowed to leave the field with deployed flags and weapons. French losses were about 4,000. The Spanish commander Melo reported his losses at 6,000 casualties and 4,000 captured in his report to Madrid two days after the battle. The estimates for the Spanish army's dead range from 4,000 to 8,000. Of the 7,000 Spanish infantry, only 390 officers and 1,386 enlisted men were able to escape back to the Spanish Netherlands. Guthrie lists 3,400 killed and 2,000 captured for the five Spanish infantry battalions alone, while 1,600 escaped. Most of the casualties were suffered by the Spanish infantry, while the cavalry and artillerymen were able to withdraw, albeit with the loss of all the cannons. Aftermath and significance The French lifted the Siege of Rocroi but were not strong enough to move the fight into Spanish Flanders. The Spanish regrouped rapidly and stabilized their positions. The year 1643 ended in a stalemate, which was enough of a success for France. However, the battle was of great symbolic importance because of the high reputation of the Army of Flanders. Melo in his report to the King called it "the most considerable defeat there has ever been in these provinces". The proof of strength was important for France. At home, it was seen as a good omen for the new king's reign, and it secured the power of Anne of Austria as queen regent for the four-year-old Louis XIV, and of the newly appointed Prime Minister Mazarin. Both Richelieu and Louis XIII had distrusted Anne (a sister of Philip IV of Spain), but as regent, she confirmed Mazarin, Richelieu's protégé and political heir, and the French war policy maintained its direction. The battle established the reputation of the 21-year-old Enghien, whose numerous victories would win him the name "the Great Condé". Abroad, it showed that France remained strong despite its four-year-old king. The following decades would see supremacy in Europe move slowly from Habsburg Spain to Bourbon France, as the absolute monarchy in France overpowered the Spanish imperial power. Mazarin had maneuvered to have space to cope with the Fronde and to turn the tide slowly against the Spanish in France and in the Low Countries. Turning to alliance with England, he defeated the Spanish at the Battle of the Dunes and took Dunkirk in 1658, leading to the Treaty of the Pyrenees in 1659. Although Spain looked to be all-powerful as late as 1652, the peace settlement reflected the demise of Spain's mastery of Europe in the late 1650s. In media A 2006 Spanish movie, Alatriste, directed by Agustín Díaz Yanes, portrays this battle in its final scene. The soundtrack features in the scene a funeral march, La Madrugá, composed by Colonel Abel Moreno for the Holy Week of Seville, played by the band of the Infantry Regiment "Soria" No. 9, the successor of the "bloody Tercio", which participated in the battle, the oldest unit in the Spanish Army. Museum The elderly Spanish infantry general Paul-Bernard de Fontaines, from the Spanish Netherlands and known to the Spanish as de Fuentes, suffered from gout and was carried into battle and killed. His sedan chair was taken as a trophy by the French and may be seen in the museum of Les Invalides in Paris. Enghien is reported to have said, "Had I not won the day, I wish I had died like him". References Citations Bibliography 1643 in France Rocroi 1643 Rocroi 1643 Rocroi 1643 History of Ardennes (department) Conflicts in 1643 Rocroi Rocroi
로크루아 전투는 1643년 5월 19일 벌어졌으며 콩데 공작 루이 2세이 지휘하는 프랑스 군이 프란시스코 데 멜로(Francisco de Melo) 휘하의 스페인 군과 교전하여 결정적인 승리를 거두었다. 서막 약 27,000명에 달하는 합스부르크 가문의 스페인-신성로마제국 연합군은 아르덴(Ardennes)을 거쳐 플랑드르(Flanders)로 진군하여 프랑스의 군사적 압력이 가해지는 카탈루냐(Catalonia)와 프랑슈콩테(Franche-Comté) 지방을 구원하고자 하였다. 스페인 군은 우아즈(Oise) 계곡을 가로지르는 길에 위치한 로크루아를 공략하고자 하였다. 21세의 앙갱 공작 루이가 지휘하는 프랑스군은 재빠르게 스페인 군의 움직임에 반응하여 6,000명에 달하는 스페인 원군이 도착하기 전에 전투를 벌이려 하였다. 스페인군은 로크루아를 봉쇄하는데 실패하고 프랑스군은 나무와 늪지로 뒤덮인 계곡을 통과하는데 성공하였다. 앙갱 공작은 계곡을 따라 진군을 계속하여, 공격 당하고 있는 로크루아를 내려다 볼 수 있는 산 능선에 병력을 집결시켰다. 스페인군은 마을과 산 능선 사이에서 빠르게 병력을 집결시키려 하였다. 약 23,000명에 달하는 프랑스군은 중앙에 보병을 2열로 배치하고, 양익에 기병부대를, 전위에 포병대를 배치하였다. 스페인군도 비슷한 진형을 펼쳤으나 보병들은 그들의 전통적인 테르시오(tercios) 방진을 쳤다. 양 군은 위치를 고수하며 밤 동안 노숙하였다. 전투 전투는 동이 튼 후에 시작하였다. 프랑스군이 먼저 공격을 시작했으나 중앙의 프랑스 보병대는 스페인군에게 고전하였다. 앙갱의 명령에 반하여 전진하였던 프랑스군의 좌익 기병대 역시 스페인군에게 격퇴되었다. 그러나 장 드 가시옹(Jean de Gassion) 휘하의 프랑스군 우익 기병대는 자신들이 상대한 스페인 좌익 기병대를 패주시켰다. 앙갱 공작은 기병대의 패주로 인해 노출된 스페인 보병대의 좌익을 노릴 수 있게 되었다. 스페인 기병대는 프랑스 기병대와 맞서 이들을 격퇴시켰으나, 프랑스 예비대에게 격퇴 당하였다. 앙갱 공작은 기회가 오자 기병 포위작전을 개시하여, 스페인 군의 후방을 장악하였고 이 와중에 프랑스군 예비대와 교전을 계속하고 있던 스페인 기병대의 배후를 찔렀다. 스페인 기병대는 이로 인해 프랑스 군에게 패했고, 아직도 싸우고 있는 보병대를 놔두고 전장을 떠났다. 그럼에도 불구하고 프랑스군은 스페인군의 견고한 방진에 두 번이나 격퇴 당했고 앙갱 공작은 자신의 포병대와 노획한 스페인의 대포를 이용하여 포격으로 스페인군을 분산시키려 하였다. 테르시오 진형을 이루고 있던 독일인들과 왈론인들(Walloon)이 궤주했음에도 불구하고 스페인군은 그들의 사령관과 함께 전장에서 꿋꿋이 버티었다. 프랑스군은 이들을 격파하기 위해 4번의 기병 돌격을 감행했으나 강력한 화력 지원에도 불구하고 스페인군의 막강한 진형을 무너뜨리지 못했다. 프랑스의 사령관인 젊은 앙갱 공작은 스페인 군에게 마치 공성전에서 요새를 지키는 수비병들과 같은 조건을 제시하며 항복을 요구했고, 스페인군이 이를 받아들임으로써, 두 개의 테르시오를 이루고 있던 스페인 군은 깃발과 무구들을 챙기고 전장을 떠났다. 스페인군은 사상자, 포로를 합쳐 15,000명의 피해를 입었으며, 프랑스군은 약 4,000명의 피해를 입었다. 중요성 이 전투는 마자랭(Mazarin)과 훗날 위대한 콩데 공작 루이 2세에게 중요한 정치적 중요성을 지닌 승리였다. 비록 역사가들이 스페인군은 끊임없는 프랑스군의 포격 속에서 계속된 기병들의 돌격을 격퇴했는데도 멜로의 독일, 왈론, 이탈리아 부대가 전투 초반에 항복했기 때문에 패했음을 강조한다 해도, 이는 근 한 세기 동안 스페인이 야전에서 입은 패배중 가장 결정적인 것이었다. 로크루아는 스페인 군사교리의 우월성이 종결됨을 의미하기도 한다. 스페인군은 반란으로 인해 지배권을 상실한 카탈루냐와 이탈리아의 주요 전선에서 프랑스와의 전쟁을 성공적으로 수행하여 잃어버린 땅을 되찾을 수 있었지만, 그동안 스페인의 국력은 고갈되어, 포르투갈의 반란에 효과적으로 대응할 수 있는 부대를 파견하지 못했고, 결국 포르투갈의 독립운동은 성공적으로 끝났다. 뒨 전투(Battle of the Dunes) (이 전투에서 스페인 군은 로크루아 전투의 승리자 콩데 공작 루이 2세의 지휘를 받았다.)에서 스페인이 패한 후에 선형 전술은 확실하게 테르시오를 압도하게 되었고, 많은 나라들이 테르시오 대신 선형전술을 채택하게 되었다. 1659년 피레네 조약(Treaty of the Pyrenees)은 프랑스에 유리하게 체결되었다. 이 조약은 새로운 국제질서를 확고하게 하였으며 그 시작은 로크루아 전투에서부터였다. 미디어에서 2006년 아구스틴 디아스 야네스(Agustín Díaz Yanes)가 감독한 스페인의 영화 알라트리스테(Alatriste)는 마지막 장면에서 이 전투를 묘사하고 있다. 이 장면에 사용된 배경음악은 장례 행진곡 라 마드루가(La Madrugá)로 아벨 모레노(Abel Moreno)가 세비야의 성 주간(Holy Week)을 위해 작곡한 곡이다. 이 곡은 소리아 9연대의 군악대가 연주하였는데, 이들은 피의 테르시오(the blood Tercio)라는, 전투에 참여한 옛 스페인 부대의 별명을 계승했다. 박물관 스페인 보병 사령관 푸엔테스(Fuentes)가 사용하던 가마를 프랑스가 전리품으로 획득하였고 파리에 있는 앵발리드(Les Invalides) 박물관에서 볼 수 있다. 푸엔테스는 전투 중 전사하였다. 각주 참조 Dupuy, Trevor N., Harper Encyclopedia of Military History. New York: HarperCollins, 1993. 외부 링크 The Battle of Rocroi The French Army 1600-1900 1643년 30년 전쟁의 전투 스페인이 참가한 전투 프랑스가 참가한 전투 1643년 분쟁 1643년 프랑스
amphora/parallel-wiki-koen
full
SMS ("His Majesty's Ship ") was a lead ship of the of light cruisers in the German (Imperial Navy). Her class included three other ships: , , and . was built at the AG Weser shipyard in Bremen from 1910 to August 1912, when she was commissioned into the High Seas Fleet. The ship was armed with a main battery of twelve 10.5 cm SK L/45 guns and had a top speed of . was used as a torpedo test ship after her commissioning until the outbreak of World War I in August 1914, when she was brought to active service and deployed to the Baltic. In the Baltic, fired the first shots of the war against the Russians on 2 August, when she shelled the port of Libau. She participated in a series of bombardments of Russian positions until late August. On the 26th, she participated in a sweep of the entrance to the Gulf of Finland; while steaming off the Estonian coast, she ran aground off the island of Odensholm and could not be freed. A pair of Russian cruisers appeared and seized the ship. Fifteen crew members were killed in the brief engagement. They recovered three intact German code books, one of which they passed to the British. The ability to decrypt German wireless signals provided the British with the ability to ambush German units on several occasions during the war, including the Battle of Jutland. The Russians partially scrapped while she remained grounded before completely destroying the wreck. Design was long overall and had a beam of and a draft of forward. She displaced normally and up to at full load. Her propulsion system consisted of three sets of Bergmann steam turbines driving three screw propellers. They were designed to give , but reached in service. These were powered by sixteen coal-fired Marine-type water-tube boilers, although they were later altered to use fuel oil that was sprayed on the coal to increase its burn rate. These gave the ship a top speed of . carried of coal, and an additional of oil that gave her a range of approximately at . She had a crew of 18 officers and 336 enlisted men. The ship was armed with a main battery of twelve SK L/45 guns in single pedestal mounts. Two were placed side by side forward on the forecastle, eight were located amidships, four on either side, and two were side by side aft. The guns had a maximum elevation of 30 degrees, which allowed them to engage targets out to . They were supplied with 1,800 rounds of ammunition, for 150 shells per gun. She was also equipped with a pair of torpedo tubes with five torpedoes; the tubes were submerged in the hull on the broadside. She could also carry 120 mines. The ship was protected by a waterline armored belt that was thick amidships. The conning tower had thick sides, and the deck was covered with up to 60 mm thick armor plate. Service history was ordered under the contract name " "; the order was awarded to the AG Weser shipyard in Bremen in December 1909. She was laid down in April 1910 and launched on 13 May 1911, and during the ceremony, she was christened by the mayor of her namesake city. After completing fitting-out work, she began a short period of builder's trials on 12 August 1912 before being commissioned into the High Seas Fleet eight days later, under the command of (FK—Frigate Captain) Heinrich Rohardt. The ship conducted these initial tests without her forward funnel installed. After completing her initial sea trials, was used as a torpedo test ship on 1 December, replacing the light cruiser in that role. Later that year, she embarked on a cruise in the Baltic Sea with other vessels organized into a training squadron. Another such cruise took place in early April 1913, and in June, she joined the fleet for its annual cruise to Norwegian waters. In August, went on another fleet cruise into the central Atlantic, steaming as far south as Tenerife in the Canary Islands. During the cruise, she participated in experiments with wireless telegraphy. Following the fleet's return to home waters, the annual large-scale fleet maneuvers took place in the North Sea. thereafter went to Danzig for an overhaul that lasted from mid-September to late October. She resumed torpedo test duties on 26 October, but again joined the fleet for exercises in the Kattegat later that year, after which she went on another training cruise in the Baltic in December. The year 1914 began with exercises with the training squadron. As Europe drifted toward war during the July Crisis, was ordered to patrol the Bay of Kiel to help secure the port's defenses. During a patrol on 27 July, she encountered the French dreadnought battleships and , which had taken the French President Raymond Poincaré on a visit to Russia. World War I Following the outbreak of World War I at the end of July, she was assigned to the Coastal Defense Division in the Baltic Sea, under the command of Rear Admiral Robert Mischke. An (Offensive Force) was created with , , and the torpedo boats , , and for operations against Russian forces in the area. The ships were sent to Neufahrwassar on 30 July. fired the first shots of the war with Russia on 2 August when she shelled the Russian port of Libau while laid a minefield outside what had been Russia's forward naval base. The Russians had in fact already left Libau, which was seized by the German Army. The minefield laid by was poorly marked and hindered German operations more than Russian efforts. From 6 to 8 August, patrolled off the southern entrance to the Gulf of Riga, to the north of Libau. She then joined the rest of the Coastal Defense Division, which was sent north to attack Russian positions in Finland that lasted from 9 to 15 August. During the attacks, shelled the Ristna Lighthouse in Dagerort. She also attacked the Bengtskär Lighthouse and a signal station at Pistna. On 17 August, , , and three torpedo boats, sortied to escort the minelayer , and the next day, they encountered a pair of powerful Russian armored cruisers, and . The Russian commander, under the mistaken assumption that the German armored cruisers and were present, did not attack and both forces withdrew. After arriving in Danzig on 20 August, the was reorganized as the (Unit of the Detached Admiral). Prince Heinrich, the overall commander of the Baltic naval forces, replaced Mischke with (Rear Admiral) Ehler Behring. The new commander immediately began planning to make a sortie toward Gotland to search for Russian vessels. Behring ordered the operation for 26 August to sweep for Russian reconnaissance forces in the entrance to the Gulf of Finland; was also to bombard the signal station at Odensholm on the Estonian coast. got underway the previous day to arrive in the area at the prescribed time. She encountered heavy fog in the early hours of 26 August while steaming at a speed of , and at 01:13, she ran aground near the lighthouse at Odensholm. The ship's double bottom was badly damaged and she was unable to free herself. The crew attempted to lighten the ship by throwing equipment overboard, but the vessel remained hard aground. The torpedo boat V26 arrived at around 08:30 and attempted to pull her free but was unable to do so. She therefore began taking off part of s crew in preparation to abandon the wreck. Since the cruiser had gone ashore near the lighthouse, which was one of her targets for the planned bombardment, she destroyed it with gunfire in spite of her predicament. While the evacuation was going on, the Russian cruisers and appeared at around 09:00, having been alerted to the situation by the signal station that had been unable to destroy. On reaching the area, they opened fire on the stranded cruiser. The Germans destroyed the forward section of the ship, but could not complete her destruction before the Russians reached the ship. Fifteen crew members from were killed in the attack, and the ship's captain and his adjutant remained aboard and were captured by the Russians; they remained in a Russian prisoner of war camp until March 1918, when they were able to escape and return to Germany. The German code books were also not destroyed; the Russians were able to recover three of the books along with the current encryption key. They passed one copy to the British Royal Navy via a pair of Russian couriers on 13 October. The Russian Navy partially scrapped the ship in situ and eventually destroyed the wreck. The capture of the code books proved to provide a significant advantage for the Royal Navy. The Admiralty had recently created a deciphering department known as Room 40 to process intercepted German wireless signals. With the code books and cipher key, the British were able to track the movements of most German warships; this information could be passed on to the Admiral John Jellicoe, the commander of the Grand Fleet. This allowed the British to ambush parts of or the entire German fleet on several occasions, most successfully at the Battles of Dogger Bank in January 1915 and Jutland in May 1916. Notes Footnotes Citations References Further reading Magdeburg-class cruisers Ships built in Bremen (state) 1911 ships World War I cruisers of Germany History of cryptography World War I shipwrecks in the Baltic Sea Maritime incidents in August 1914 Shipwrecks in the Gulf of Finland
독일 순양함 SMS 마그데부르크는 1910년에 진수하고, 1912년 12월 10일에 취역한 제1차 세계 대전 당시 독일 마그데부르크급 경순양함의 네임쉽이다. 1914년 8월 25일 러시아군의 발트해 진입을 저지할 목적으로 출동한 마그데부르크 호는 실수로 오덴스홀름 섬에 좌초했다. 이 단순해보이는 좌초 사건이 제1차 세계 대전 당시 영국과 독일 간 암호 해독을 둘러싼 첩보전에서 가장 중요한 사건이 되었다. 이 섬은 러시아군의 영역이었고, 마그데부르크호가 좌초한 것을 목격한 러시아군은 이 배를 접수했다. 그러나 러시아군은 마그데부르크 호보다 더 중요한 것을 확보했다. 바로 당시 독일 해군이 사용하던 암호화 및 해독을 위함 암호책(Code Book)이었다. 러시아군이 노획한 이 암호책은 곧바로 동맹국 영국에도 제공되었고 영국의 40호실은 온전하게 입수된 마그데부르크 호의 암호책으로 전쟁 기간 내내 독일의 암호를 해독할 수 있었다. 유명한 치머만 전보도 이 암호책 덕분에 가능했다. 이력과 제원 이력 건조사 : 브레멘의 AG 베젤 기공 : 1910년 진수 : 1911년 5월 13일 취역 : 1912년 12월 10일 운명 : 1914년 8월 26일, 핀란드만에서 좌초 후 침몰. 제원 만재배수량 : 4,550톤 길이 : 136m 너비: 13.3m 흘수선 : 5.1 m 속도 : 최대 속도 27.6 knots 항속거리 : 5,000 nm 승무원 : 장교 및 사병 약 373명 무장 : 105mm 함포 12문, 500밀리 함포 2문, 어뢰발사관 1개 및 기뢰 120발 마그데부르크 호의 출동과 좌초 1914년 8월 25일, 독일 해군의 베링 소장은 순양함 아우그스부르크 호와 마그데부르크 호, 그리고 어뢰정 2척을 거느리고 핀란드만 입구에 정박하고 있었다. 베링 소장은 이곳에서 러시아의 장갑순양함대를 격파할 계획이었다. 17시 정각, 두 순양함은 1해리의 거리를 두고 천천히 러시아쪽으로 향했다. 기함은 아우구스부르크 호였다. 그러나 두 배는 안개가 짙어서 서로의 위치를 정확히 알지 못했다. 1해리의 간격도 그럴 것이라고 믿는 수준이었다. 23시 4분, 아우구스부르크 호에서 마그데부르크 호로 러시아군이 부설한 기뢰밭이 위험하니 남동쪽으로 방향을 돌리라는 전문이 날라왔다. 23시 7분, 두 순양함은 시속 15노트로 선수를 돌려 남동쪽으로 향했다. 마그데부르크 호는 오덴스홀름 섬으로 향하고 있었다. 만일 기뢰밭이 조성되었고, 러시아 함대가 존재한다면 곧장 동쪽을 향해 상트페테르부르크로 향할 계획이었다. 그러나 이때 마그데부르크 호는 오덴스홀름 섬과 배 사이 거리를 잘못 계산하고 있었다. 그들이 알고 있던 것보다 1해리(약 1.8km) 정도 더 오덴스홀름 섬에 가까이 있었던 것이다. 기함 아우구스부르크 호는 이미 동쪽으로 다시 방향을 바꾼 후였다. 8월 26일 0시 27분, 항로 변경 명령이 전문으로 도착했다. 암호 해독까지 4분이 걸렸고, 마그데부르크 호의 하베니히트 함장은 좌현 15도로 방향을 돌릴 것을 명령했지만, 그 순간 마그데부르크 호는 오덴스홀름 섬에 좌초해버리고 말았다. 당황한 함장은 좌초한 배를 다시 돌리고자 여러 가지 노력을 기울였으나 배는 움직일 생각을 하지 않았다. 날이 밝자 배는 오덴스홀름 섬으로부터 300m 거리에서 발트 해의 암초에 좌초된 것임을 알았다. 배는 여전히 움직일 생각을 하지 않는 동안, 러시아군이 다가왔다. 새벽에 오덴스홀름 섬의 러시아군 수비대는 마그데부르크 호가 좌초한 사실을 알았다. 수비대는 러시아 해군 정찰국장인 네페닌 대령에게 보고를 했고, 이때부터 분주하게 러시아군이 움직이기 시작했다. 하베니히트 함장은 점점 더 초조해졌고, 모든 기밀서류의 파기를 지시했다. 온갖 종류의 문서들이 기관실에서 화로에 던져졌다. 석탄을 주연료로 사용하던 배였다. 마그데부르크 호의 암호책은 모두 3권이었는데, 2권은 경황 중에 분실했다. 이윽고 러시아 해군 병사들이 마그데부르크 호에 승선했다. 독일 수병들은 순순히 항복했다. 함장도 체포되었다. 러시아는 피 한 방울 흘리지 않고 독일의 순양함을 나포한 것이었다. 마그데부르크 호와 40호실, 암호책 그러나 마그데부르크 호 사건은 지금부터가 시작이었다. 러시아군은 수 개월 동안 이 배를 조사했다. 미처 파기되지 않은 문서들을 조사했다. 하베니히트 함장이 소각하려 했으나 못했던 2권의 암호책 원본이 바닷 속에서 발견되었다. 납을 달아 가라앉혔던 것이다. 러시아는 이 사실을 11일 뒤인 9월 초에 영국에 이 사실을 통보했다. 런던 주재 러시아 대사관의 해군 무관이 당시 해군성 장관 윈스턴 처칠을 방문하여 독일제국 해군 암호책을 발견했고, 그 암호책으로 비밀전문도 몇 건 해독했다면서 암호책을 영국에 제공하겠다고 했다. 러시아는 약속대로 10월에 암호책을 런던으로 이송해왔고, 처칠은 이를 즉시 해군 소속 암호해독반인 일명 40호실로 넘겼다. 이미 40호실은 1914년 8월 초에 전쟁이 선포된 줄 모르던 독일 무역선 한 척을 오스트레일리아 앞바다에서 나포하여 <독일 무역통신서>를 압수한 뒤였고, 마그데부르크 호의 암호책을 러시아로부터 받은 후인 11월 30일에도 한 영국 원양어선으로부터 독일 구축함이 침몰하기전에 바다에 던진 암호책을 가져다주었다. 영국은 이 암호책들을 이용하여 독일의 암호해독을 모두 해독할 수 있었다. 가장 유명한 것은 짐머만 전보이다. 그러나 독일은 마그데부르크 호에서 암호책이 탈취되었으리라고는 꿈에도 생각하지 못했고, 전후에 처칠의 회고록이 출간되고 나서야 이 사실을 알았다. 독일 해군이 일찌감치 에니그마에 관심을 기울이며 암호체계를 일신한 것도 이로인한 충격때문이었다. 더 읽어보기 40호실 치머만 전보 에니그마 1914년 마그데부르크 암호학사 1914년 해양 사고 1911년 진수된 선박
amphora/parallel-wiki-koen
full
Ante Marković (; 25 November 1924 – 28 November 2011) was a Croatian and Yugoslav politician, businessman and engineer. He is most notable for having served as the last Prime Minister of Yugoslavia from 1989 to 1991. Early life Marković, was a Bosnian Croat, born in Konjic, then a part of the Kingdom of Yugoslavia, presently in Bosnia and Herzegovina to a poor peasant family. In 1943 he joined the Communist Party of Yugoslavia and fought with the Yugoslav Partisans in World War II. He received a degree in electrical engineering from the Electrotechnical Department of the Technical Faculty of the University of Zagreb in 1954. He remained in Zagreb, where he was a director of Rade Končar Industrial Works from 1961 to 1984. Political career President of Croatia In 1986 he became president of the Presidency of Socialist Republic of Croatia replacing Ema Derosi-Bjelajac. He held that position until 1988, when he was replaced by Ivo Latin. Prime Minister of Yugoslavia He became prime minister in March 1989 following the resignation of Branko Mikulić. After that decision had become public, the U.S. had anticipated cooperation because Marković was known "to favor market-oriented reforms" – the BBC declared that he is "Washington's best ally in Yugoslavia". At the end of the year, Marković launched a new and ambitious program of unprecedented economic reforms, including the establishment of a fixed exchange rate, the privatization of failing social enterprises, as well as a program of trade liberalization. The result of his economic reforms was a halt to inflation, leading to a rise in Yugoslavia's standard of living. Nonetheless, the short-term effect of economic reforms undertaken by Marković led to a decline in Yugoslavia's industrial sector. Numerous bankruptcies occurred as socially-owned enterprises struggled to compete in a more free market environment, a fact later wielded against Marković by many of his opponents. By 1990, the annual rate of growth in GDP had declined to −7.5%. Marković was the most popular politician in Yugoslavia and owed his popularity to his image of a modern Western-styled politician. He had become a leading political figure for those who wanted Yugoslavia to be transformed into a modern, democratic federation. Marković also maintained popularity by staying out of increasingly virulent quarrels within the leadership of League of Communists of Yugoslavia or trying to act as mediator between various republics. When the League of Communists of Yugoslavia broke up in January 1990, Marković had only his popularity and the apparent success of his economic program on his side. In July 1990, he formed the Union of Reform Forces of Yugoslavia (Savez reformskih snaga), a political party supporting a more centralized Yugoslav Federation, and accession to the European Community. This decision was not well received. Borisav Jović, then the President of the Presidency of Yugoslavia, commented The general conclusion is that Ante Markovic is no longer acceptable or reliable to us. No one has any doubts in their mind any longer that he's the extended arm of the United States in terms of overthrowing anyone who ever thinks of socialism, and it is through our votes that we appointed him Prime Minister in the Assembly. He is playing the most dangerous game of treason. Jović concluded that Marković was no doubt the most active creator of the destruction of our economy, and to a large extent a significant participant in the break-up of Yugoslavia. Others, when boasted of having broken up Yugoslavia wanted to take this infamous role upon themselves but in all these respects they never came close to what Marković did, who had declared himself as the protagonist of Yugoslavia's survival Later, his programme was sabotaged by Slobodan Milošević who had virtually sealed Markovic's failure by December 1990 by secretly securing an illegal loan worth $1.7 billion from Serbia's main bank to ease his reelection that month. The loan undermined Markovic's economic austerity program, undoing the progress that had been made toward controlling the country's inflation rate. Christopher Bennet, in Yugoslavia's Bloody Collapse, stated: Quite simply, the bank printed whatever money Milošević felt he needed to get himself reelected and the size of the 'loan' became clear a few weeks later when inflation took off again throughout the country. As the economy resumed its downward slide, Marković knew his enterprise had failed [...] The authority of the federal government was further diminished by secessionist moves in Slovenia and Croatia. In the last months of his tenure Marković tried to find a compromise between secessionists and those demanding that Yugoslavia remain a single entity. His efforts, although favored by the governments in Bosnia and Herzegovina and Macedonia, ultimately failed, because the Yugoslav People's Army, which should have served the interests of top-level governance, sided with Milošević. Frustrated and politically impotent, Marković told his cabinet in September 1991 what he had gleaned from a wiretap that had come into his possession, which detailed a plan to partition Bosnia and Herzegovina: The line has been clearly established [between the Serbian government, the army and Serb politicians in Bosnia]. I know because I heard Slobodan Milošević give the order to Radovan Karadžić to get in contact with General Uzelac and to order, following the decisions of the meeting of the military hierarchy, that arms should be distributed and that the TO of Krajina and Bosnia be armed and utilized in the realization of the RAM plan. Before he resigned in December 1991, Markovic endorsed the Carrington Plan to transform Yugoslavia into a loose confederation of states as a means to prevent a further escalation of the Yugoslav Wars. In the end, all his efforts failed to stop the violent disintegration of Yugoslavia. Assassination attempt Approximately at noon of 7 October 1991, Marković met with Stjepan Mesić, then President of the Presidency of Yugoslavia and Franjo Tuđman, then President of Croatia in the Banski dvori. The purpose of the meeting was to persuade Marković to leave his position as the head of the Yugoslav federal government and endorse Croatian independence. Nonetheless the persuasion left Marković unfazed and unplacated. The three then moved into the president's office for dessert. Shortly after, the Yugoslav People's Army attempted to assassinate Marković along with the democratically elected leadership of Croatia with a decapitation strike on Banski dvori. Marković immediately blamed Yugoslav defense minister Veljko Kadijević, and refused to return to Belgrade until Kadijević resigned from his post. Life after 1991 Following the breakup of Yugoslavia, Marković disappeared from the public eye and decided to work in Austria as an economic adviser. In 1993 he was rumoured to be Tuđman's choice for Croatian prime minister, apparently due to his economic expertise. The post ultimately fell to Nikica Valentić, who established many of the same economic reforms that Marković did while prime minister. In the early 2000s, he worked as an economic advisor to the Macedonian government. In the late 2000s, he worked as an economic advisor to the government of Bosnia and Herzegovina. Marković also dedicated himself to a business career and spent most of his time in Sarajevo, building luxury apartment buildings and small hydropower plants. He appeared as a witness at the Slobodan Milošević trial at the ICTY in 2003. This appearance broke his 12 years of silence; after that testimony, he gave an interview to the Zagreb-based Globus news magazine. In his testimony, he stated that Milošević was obviously striving to carve a Greater Serbia out of the ruins of Yugoslavia. He also revealed that both Milošević and Tuđman confirmed to him that in March 1991 in Karađorđevo they made an agreement to partition Bosnia and Herzegovina. Milošević responded by blaming Marković for the intervention of the Yugoslav Army in Slovenia. Marković denied ordering intervention in Slovenia, stating that it was outside his mandate as prime minister of Yugoslavia. Marković died in the early hours of 28 November 2011 after a short illness, aged 87. Ante Marković was buried in Dubrovnik. His funeral was attended by former Croatian president Stjepan Mesić, president of the Republika Srpska Milorad Dodik, filmmaker Emir Kusturica among many others. The Croatian Sabor (parliament) also sent their condolences to the family of Ante Marković. References External links 1924 births 2011 deaths People from Konjic Faculty of Electrical Engineering and Computing, University of Zagreb alumni Presidency of the Socialist Republic of Croatia members Presidents of the Executive Council of the Socialist Republic of Croatia Croat politicians from Bosnia and Herzegovina Presidents of the Federal Executive Council of Yugoslavia League of Communists of Croatia politicians Union of Reform Forces of Yugoslavia politicians Members of the Central Committee of the 13th Congress of the League of Communists of Yugoslavia
안테 마르코비치(, 1924년 11월 25일 ~ 2011년 11월 28일)는 크로아티아와 유고슬라비아의 정치인이자 기업인, 공학자이다. 유고슬라비아 사회주의 연방공화국의 마지막 총리를 지냈다. 생애 어린 시절 마르코비치는 1924년 유고슬라비아 왕국(당시 이름 세르브인 크로아트인 슬로벤인 왕국)의 현 보스니아 헤르체고비나 지방에 있는 코니츠에서 크로아트계 보스니아인으로 태어났다. 1943년 유고슬라비아 공산주의자 동맹에 입당하여 제2차 세계 대전 기간 유고슬라비아 파르티잔에 복무하였다. 종전 후 자그레브 대학에 입학해 1954년 기술부 전기공학부에서 전기공학 학위를 받았다. 크로아티아의 자그레브에 남은 마르코비치는 1961년에서 1984년 사이 전기 회사인 콘차르 그룹에 입사하여 공학자에서 승진하여 공장 총책임자 직위로 근무하였다. 정치 입문 1982년 유고슬라비아가 채무위기에 빠진 시기에 크로아티아 사회주의 공화국의 행정위원회 의장으로 취임하며 정계에 입문하였다. 4년의 임기를 마친 마르코비치는 에마 데로시벨라야츠를 이어받아 크로아티아 사회주의 공화국의 대통령직 의장, 즉 크로아티아의 대통령에 취임하였다. 마르코비치는 크로아티아 공산주의자 동맹 내에서 진보파로 알려져 있고 다당제로의 정치 체제 개혁도 지지해 공산주의적 보수파의 공격을 받았다. 유고슬라비아 총리 재임 1989년 3월에는 브란코 미쿨리치의 사임으로 유고슬라비아의 총리에 취임하였다. 미국에서는 마르코비치가 시장경제 중심 개혁을 옹호하는 것으로 알려져 서방 세계와의 협력을 기대하였고, BBC에서는 마르코비치를 "유고슬라비아 내에서 워싱턴과의 가장 최고의 동맹"이라고 보도하였다. 1989년 말에는 마르코비치가 고정 환율제 제정, 여러 국영기업의 민영화, 자유 무역제 등 유고슬라비아 내에서 유래없던 대대적인 경제 개혁 작업에 들어가기 시작했다. 경제 개혁 결과 인플레이션율이 1989년 11월 월 56%에서 1990년 3월 2.4%로 감소하는 등 고질적인 인플레이션이 멈추고 전반적인 생활 수준은 늘어났으나 단기적으로는 민영화된 산업 부문이 침체되는 현상이 발생하였다. 국영 기업이 자유 시장 환경에서 경쟁하기 위해 애쓰는 과정에서 버티지 못한 수많은 기업의 파산이 일어났으며, 정치적 반대파들은 마르코비치를 경제 실패로 공격하였다. 1990년 유고슬라비아의 연간 경제성장률은 전년도 +1.5%에 비교하여 -11.6%로 하락하였다. 마르코비치는 유고슬라비아 내에서 가장 인기 있는 정치인이었고 그의 인기는 서구 스타일 현대 정치인이라는 이미지 덕분이었다. 유고슬라비아가 현대적이며 민주적인 연방으로 변화하길 원하는 사람들이 지지하는 주요 정치인이었다. 또한 마르코비치는 유고슬라비아 내에서 점점 더 치열해지는 분쟁에 직접 관여하지 않거나 여러 공화국 사이를 중재하는 역할을 하였다. 예를 들어 마르코비치는 총리에 당선되었을 때 연설에서 보이보디나 사회주의 자치주와 코소보 사회주의 자치주가 요시프 브로즈 티토 시기 받았던 자치권을 다시 돌려받아야 한다고 주장하였다. 1990년 1월 슬로베니아와 크로아티아 대표단이 당대회에서 항의하며 나오고 유고슬라비아 공산주의자 연맹이 붕괴되자 기자회견에서 마르코비치는 "당 없이 유고슬라비아는 아무 것도 할 수 없습니다!"라고 말했다. 1990년 7월 마르코비치는 중앙집권화 된 유고슬라비아와 유고슬라비아의 존속을 지지하고 유고슬라비아의 유럽 공동체(ECC) 가입을 지지하는 신 정당인 유고슬라비아 혁신세력연합을 창설하였다. 하지만 이 정당은 보스니아 헤르체고비나, 마케도니아, 세르비아, 몬테네그로 4개 공화국 선거에서 패배했다. 이 즈음 대세르비아주의를 주장하는 슬로보단 밀로셰비치와, 자국의 독립을 주장하는 크로아티아와 슬로베니아 사이의 갈등으로 연방정부의 권위가 점점 무너지기 시작했다. 마르코비치는 연방 수호를 목적으로 임기 마지막 몇 달 동안 분리주의 세력과 타협점을 찾으러 노력하였다. 보스니아 헤르체고비나와 마케도니아는 이 계획을 지지하지만 결국에는 연방 수호에 실패하였다. 마르코비치는 실패 원인을 연방 수호를 위해 움직여야 하는 유고슬라비아 인민군이 슬로보단 밀로셰비치와 세르비아 위주로 움직이고, 마르코비치의 권한이 점점 없어지고 밀로셰비치의 간섭이 늘어났기 때문이었다고 말했다. 마르코비치는 부코바르 학살이 일어난 지 1달 후인 1991년 12월 20일 유고슬라비아 총리직에서 사퇴하였다. 크로아티아 독립 전쟁 당시 유고 인민군의 침공으로 많은 크로아티아인이 격분했고, 이는 크로아티아 내에서 마르코비치가 밀로셰비치와 손을 잡았다는 비난이 나오는 이유이기도 하다. 유고슬라비아 붕괴 이후 1991년 유고슬라비아가 해체된 이후 마르코비치는 세간의 눈을 피해 베오그라드에서 탈출하여 마케도니아를 거쳐 이탈리아로 망명가는 계획을 고려하다 당시 마케도니아의 대통령인 키로 글리고로프과 회동을 가지기도 하였다. 마르코비치는 크로아티아 자그레브로 돌아왔다가 오스트리아로 넘어가 여러 대기업 및 정부 기관의 회계 컨설턴트로 근무하였다. 2000년대 초에는 마케도니아(현 북마케도니아) 정부 경제 고문으로, 2000년대 후반에는 보스니아 헤르체고비나 정부의 경제 고문으로 일하기도 하였다. 2003년에는 구유고슬라비아 국제형사재판소(ICTY)의 슬로보단 밀로셰비치 재판에서 증인으로 출석하였다. 마르코비치는 증언석에서 밀로셰비치가 유고슬라비아를 무너뜨리고 그 위에 대세르비아주의를 건설하러고 했으며, 1991년 3월 카라조르제보 협정으로 밀로셰비치와 프라뇨 투지만 크로아티아 대통령이 보스니아를 분할하기로 합의했다고 말했다. 또한 슬로베니아의 독립 전쟁인 10일 전쟁 당시 마르코비치가 슬로베니아로의 개입은 유고슬라비아 총리로써 권한 밖의 일이라고 거부하자 밀로셰비치가 마르코비치를 비난하며 직접 군을 이끌었다고 증언하였다. 2011년 11월 28일 마르코비치는 자그레브의 자택에서 사망하였고 유년기를 보낸 크로아티아 두브로브니크의 묘지에 묻혔다. 각주 1924년 출생 2011년 사망 보스니아 헤르체고비나의 정치인 유고슬라비아 파르티잔 관련자
amphora/parallel-wiki-koen
full
Compiled with problems: × ERROR in ./src/App.js Module build failed (from ./node\_modules/babel-loader/lib/index.js): SyntaxError: C:\Users\manoj kumar\instashare\src\App.js: Invalid shorthand property initializer. (8:13) 6 | const [posts, setPosts] = useState([ 7 | { > 8 | username="manoj", | ^ 9 | caption="wow it works", 10 | imageUrl="https://www.freecodecamp.org/news/content/images/2021/06/Ekran-Resmi-2019-11-18-18.08.13.png" 11 | }, at instantiate (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:653:32) at constructor (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:947:12) at FlowParserMixin.raise (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:3261:19) at FlowParserMixin.checkExpressionErrors (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:3700:12) at FlowParserMixin.parseMaybeAssign (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10642:12) at FlowParserMixin.parseMaybeAssign (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:5821:18) at C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10580:39 at FlowParserMixin.allowInAnd (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:12255:12) at FlowParserMixin.parseMaybeAssignAllowIn (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10580:17) at FlowParserMixin.parseExprListItem (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:12007:18) at FlowParserMixin.parseCallExpressionArguments (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:11062:22) at FlowParserMixin.parseCoverCallAndAsyncArrowHead (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10977:29) at FlowParserMixin.parseSubscript (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10912:19) at FlowParserMixin.parseSubscript (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:5924:18) at FlowParserMixin.parseSubscripts (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10883:19) at FlowParserMixin.parseSubscripts (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:5890:18) at FlowParserMixin.parseExprSubscripts (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10874:17) at FlowParserMixin.parseUpdate (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10853:21) at FlowParserMixin.parseMaybeUnary (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10829:23) at FlowParserMixin.parseMaybeUnaryOrPrivate (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10667:61) at FlowParserMixin.parseExprOps (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10672:23) at FlowParserMixin.parseMaybeConditional (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10649:23) at FlowParserMixin.parseMaybeAssign (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10610:21) at FlowParserMixin.parseMaybeAssign (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:5821:18) at C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10580:39 at FlowParserMixin.allowInAnd (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:12250:16) at FlowParserMixin.parseMaybeAssignAllowIn (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10580:17) at FlowParserMixin.parseVar (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:13188:91) at FlowParserMixin.parseVarStatement (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:13027:10) at FlowParserMixin.parseStatementContent (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:12624:23) at FlowParserMixin.parseStatementLike (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:12544:17) at FlowParserMixin.parseStatementLike (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:5139:24) at FlowParserMixin.parseStatementListItem (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:12524:17) at FlowParserMixin.parseBlockOrModuleBlockBody (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:13116:61) at FlowParserMixin.parseBlockBody (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:13109:10) at FlowParserMixin.parseBlock (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:13097:10) at FlowParserMixin.parseFunctionBody (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:11922:24) at C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:5113:63 at FlowParserMixin.forwardNoArrowParamsConversionAt (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:5291:16) at FlowParserMixin.parseFunctionBody (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:5113:12) at FlowParserMixin.parseArrowExpression (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:11897:10) at FlowParserMixin.parseParenAndDistinguishExpression (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:11500:12) at FlowParserMixin.parseParenAndDistinguishExpression (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:5865:18) at FlowParserMixin.parseExprAtom (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:11139:23) at FlowParserMixin.parseExprAtom (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:6998:20) at FlowParserMixin.parseExprSubscripts (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10870:23) at FlowParserMixin.parseUpdate (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10853:21) at FlowParserMixin.parseMaybeUnary (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10829:23) at FlowParserMixin.parseMaybeUnaryOrPrivate (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10667:61) at FlowParserMixin.parseExprOps (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10672:23) ERROR [eslint] src\App.js Line 8:13: Parsing error: Invalid shorthand property initializer. (8:13)
문제가 발생했습니다: × ./src/App.js의 오류 모듈 빌드에 실패했습니다(./node\_modules/babel-loader/lib/index.js에서): 구문 오류: C:\Users\manoj kumar\instashare\src\App.js: 잘못된 속기 속성 초기화기입니다. (8:13) 6 | const [posts, setPosts] = useState([ 7 | { > 8 | username="manoj", | ^ 9 | caption="와우 작동해요", 10 | imageUrl="https://www.freecodecamp.org/news/content/images/2021/06/Ekran-Resmi-2019-11-18-18.08.13.png" 11 | }, 인스턴스화 시 (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:653:32) 생성자에서 (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:947:12) at FlowParserMixin.raise (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:3261:19) at FlowParserMixin.checkExpressionErrors (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:3700:12) at FlowParserMixin.parseMaybeAssign (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10642:12) at FlowParserMixin.parseMaybeAssign (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:5821:18) at C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10580:39 at FlowParserMixin.allowInAnd (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:12255:12) at FlowParserMixin.parseMaybeAssignAllowIn (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10580:17) at FlowParserMixin.parseExprListItem (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:12007:18) at FlowParserMixin.parseCallExpressionArguments (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:11062:22) at FlowParserMixin.parseCoverCallAndAsyncArrowHead (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10977:29) at FlowParserMixin.parseSubscript (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10912:19) at FlowParserMixin.parseSubscript (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:5924:18) at FlowParserMixin.parseSubscripts (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10883:19) at FlowParserMixin.parseSubscripts (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:5890:18) at FlowParserMixin.parseExprSubscripts (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10874:17) at FlowParserMixin.parseUpdate (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10853:21) at FlowParserMixin.parseMaybeUnary (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10829:23) at FlowParserMixin.parseMaybeUnaryOrPrivate (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10667:61) at FlowParserMixin.parseExprOps (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10672:23) at FlowParserMixin.parseMaybeConditional (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10649:23) at FlowParserMixin.parseMaybeAssign (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10610:21) at FlowParserMixin.parseMaybeAssign (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:5821:18) at C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10580:39 at FlowParserMixin.allowInAnd (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:12250:16) at FlowParserMixin.parseMaybeAssignAllowIn (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:10580:17) at FlowParserMixin.parseVar (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:13188:91) at FlowParserMixin.parseVarStatement (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:13027:10) at FlowParserMixin.parseStatementContent (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:12624:23) at FlowParserMixin.parseStatementLike (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:12544:17) at FlowParserMixin.parseStatementLike (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:5139:24) at FlowParserMixin.parseStatementListItem (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:12524:17) at FlowParserMixin.parseBlockOrModuleBlockBody (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:13116:61) at FlowParserMixin.parseBlockBody (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:13109:10) at FlowParserMixin.parseBlock (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:13097:10) at FlowParserMixin.parseFunctionBody (C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:11922:24) at C:\Users\manoj kumar\instashare\node\_modules\@babel\parser\lib\index.js:5113:63 at FlowParserMixin.forwardNoArrowParamsConversionAt (C:\Users\manoj kumar\i
squarelike/sharegpt_deepl_ko_translation
full
The Tianjin Accord or Li–Fournier Convention, concluded on 11 May 1884, was intended to settle an undeclared war between France and China over the sovereignty of Tonkin (northern Vietnam). The convention, negotiated by Li Hongzhang for China and capitaine de vaisseau François-Ernest Fournier for France, provided for a Chinese troop withdrawal from Tonkin in return for a comprehensive treaty that would settle details of trade and commerce between France and China and provide for the demarcation of its disputed border with Vietnam. Background Chinese opposition to French efforts to clamp a protectorate on Tonkin led to the outbreak of an undeclared war between France and China towards the end of 1883. Chinese troops fought alongside Liu Yongfu's Black Flag Army during the Sơn Tây Campaign (December 1883). Although Admiral Courbet's capture of Son Tay paved the way for the eventual French conquest of Tonkin, the French now had to deal with open opposition from China as well as the Black Flag Army. Having exhausted diplomatic efforts to persuade the Chinese to withdraw their armies from Tonkin, the French government sanctioned an attack by General Charles Millot on the fortress of Bac Ninh, occupied since the autumn of 1882 by China's Guangxi Army. In March 1884, in the Bắc Ninh Campaign, Millot routed the Guangxi Army and captured Bắc Ninh. The Chinese defeat at Bac Ninh, coming close on the heels of the fall of Sơn Tây, strengthened the hand of the moderate element in the Chinese government and temporarily discredited the extremist 'Purist' party led by Zhang Zhidong, which was agitating for a full-scale war against France. Further French successes in the spring of 1884, including the Capture of Hưng Hóa and Thái Nguyên, convinced the Empress Dowager Cixi that China should come to terms, and an accord was reached between France and China in May. The negotiations took place in Tianjin. Li Hongzhang, the leader of the Chinese moderates, represented China; and Captain François-Ernest Fournier, commander of the French cruiser Volta, represented France. The Tianjin Accord, concluded on 11 May 1884, provided for a Chinese troop withdrawal from Tonkin in return for a comprehensive treaty that would settle details of trade and commerce between France and China and provide for the demarcation of its disputed border with Vietnam. Text of the accord (original French) The original French text of the accord, in five articles, is given below. Art. 1. La France s’engage à respecter et à protéger contre toute agression d’une nation quelconque, et en toutes circonstances, les frontières méridionales de la Chine, limitrophes du Tonkin. Art 2. Le Céleste Empire, rassuré par les garanties formelles de bon voisinage qui lui sont données par la France, quant à l’intégrité et à la sécurité des frontières méridionales de la Chine, s’engage : 1° à retirer immédiatement, sur ses frontières les garnisons chinoises du Tonkin ; 2° à respecter dans le présent et dans l’avenir, les traités directement intervenus ou à intervenir entre la France et la Cour de Hué. Art. 3. En reconnaissance de l'attitude conciliante du Gouvernement du Céleste Empire, et pour rendre hommage à la sagesse patriotique de Son Excellence Li-Hong-Chang, négociateur de cette convention, la France renonce à demander une indemnité à la Chine. En retour, la Chine s'engage à admettre, sur toute l’étendue de ses frontières méridionales limitrophes du Tonkin, le libre trafic des marchandises entre l’Annam et la France d’une part, et la Chine de l'autre, réglé par un traité de commerce et de tarifs à intervenir, dans l’esprit le plus conciliant, de la part des négociateurs chinois, et dans des conditions aussi avantageuses que possible pour le commerce français. Art. 4. Le Gouvernement français s'engage à n'employer aucune expression de nature à porter atteinte au prestige du Céleste Empire, dans la rédaction du traité définitif qu’il va contracter avec l’Annam et qui abrogera les traités antérieurs relatifs au Tonkin. Art. 5. Dès que la présente Convention aura été signée, les deux Gouvernements nommeront leurs Plénipotentiaires, qui se réuniront, dans un délai de trois mois, pour élaborer un traité définitif sur les bases fixées par les articles précédents. Conformément aux usages diplomatiques, le texte français fera foi. Fait à Tien-Tsin, le 11 mai 1884, le dix-septième jour de la quatrième lune de la dixième année du Kouang-Sin, en quatre expéditions (deux en langue française et deux en langue chinoise), sur lesquelles les Plénipotentiaires respectifs ont signé et apposé le sceau de leurs armes. Chacun des Plénipotentiaires a gardé un exemplaire de chaque texte. Signé : Ll-HONG-TCHANG. Signé : FOURNIER. Text of the accord (English translation) Eastman's English translation, modified slightly where it departs too far from the original French, is given below. Article I: France undertakes to respect and protect against aggression by any nation whatsoever, under any circumstances, the southern frontiers of China bordering on Tonkin. Article II: The Celestial Empire, reassured by the formal guarantees of good-neighbourliness accorded to her by France as to the integrity and safety of the southern frontiers of China, undertakes: (1) to withdraw immediately to her borders the Chinese garrisons in Tonkin; and (2) to respect, now and in the future, the treaties directly concluded, or to be concluded, between France and the Court of Hue. Article III: In recognition of the conciliatory attitude of the Government of the Celestial Empire, and as a tribute to the patriotic wisdom of His Excellency Li Hongzhang, the negotiator of this convention, France renounces her demand for an indemnity from China. In return, China undertakes to permit, over the whole extent of her southern frontiers bordering on Tonkin, free traffic in goods between Annam and France on the one part and China on the other, to be regulated by a commercial and customs treaty, which shall be drawn up in the most conciliatory spirit on the part of the Chinese negotiators and under the most advantageous conditions possible for French commerce. Article IV: The French government engages not to employ any expression which might demean the prestige of the Celestial Empire in the drafting of the definitive treaty which it will shortly contract with Annam, which will abrogate existing treaties respecting Tonkin. Article V: As soon as the present convention has been signed, the two governments shall name their plenipotentiaries, who shall meet in three months' time to work out the details of a definitive treaty on the bases established by the preceding articles. In accordance with diplomatic usage, the French text shall be binding. Done at Tianjin on 11 May 1884, the seventeenth day of the fourth month of the tenth year of Guangxu, in four impressions (two in French and two in Chinese), which the respective plenipotentiaries have signed and impressed with their official seals. Each of the plenipotentiaries has retained one copy of each text. Signed: Li Hongzhang. Signed: Fournier. Aftermath On 6 June 1884, pursuant to Article IV of the Tianjin Accord, the French concluded a fresh Treaty of Huế with the Vietnamese, which provided for a French protectorate over both Annam and Tonkin and allowed the French to station troops in both territories and to install residents in the main towns. The signature of the treaty, which replaced the punitive Harmand Treaty of August 1883, was accompanied by an important symbolic gesture. The seal presented by the emperor of China several decades earlier to the Vietnamese king Gia Long was melted down in the presence of the French and Vietnamese plenipotentiaries, betokening the renunciation by Vietnam of its traditional links with China. In theory, the conclusion of the Tianjin Accord should have resolved the confrontation over Tonkin between France and China. Fournier was not a professional diplomat, however, and the agreement contained several loose ends. Crucially, it failed to explicitly state a deadline for the Chinese troop withdrawal from Tonkin. The French asserted that the troop withdrawal was to take place immediately, while the Chinese argued that the withdrawal was contingent upon the conclusion of the comprehensive treaty. In fact, the Chinese stance was an ex post facto rationalisation, designed to justify their unwillingness or inability to put the terms of the accord into effect. The accord was extremely unpopular in China, and provoked an immediate backlash. The war party called for Li Hongzhang's impeachment, and his political opponents intrigued to have orders sent to the Chinese troops in Tonkin to hold their positions. The intransigence of the Chinese hardliners resulted in a bloody clash between French and Chinese troops near Bac Le on 23 June 1884, which plunged both countries into a fresh crisis. China's refusal to pay an indemnity for the Bắc Lệ ambush led directly to the outbreak of the Sino-French War on 23 August 1884. Footnotes References Billot, A., L'affaire du Tonkin: histoire diplomatique du l’établissement de notre protectorat sur l’Annam et de notre conflit avec la Chine, 1882–1885, par un diplomate (Paris, 1888) Thomazi, A., La conquête de l'Indochine (Paris, 1934) Sino-French War Conflicts in 1884 Wars involving Vietnam 1884 in France 1884 in China 1884 in Vietnam Tonkin campaign May 1884 events
톈진 협약(Tientsin Accord) 또는 리-푸르니에 협약(Li–Fournier Convention)은 1884년 5월 11일 통킹(북베트남)에 대한 종주권을 둘러싸고 벌어진 선전포고를 하지 않은 전쟁을 끝내기 위해 프랑스와 청나라 사이에 합의된 협약이다. 이 회담을 위해 청나라에서는 리홍장이, 프랑스에서는 프랑수아 에르네 푸르니에 함장이 나섰다. 이 협약은 프랑스와 중국 간의 교역과 상거래의 세부 사항을 정하고, 포괄적인 조약을 맺을 대가로 통킹으로부터 청나라 군의 철수를 제공했으며 베트남과의 국경 분쟁을 진정시켰다. 배경 통킹을 속령으로 삼으려는 프랑스의 침략에 청나라가 맞서자 1883년 말에 결국 선전포고 없는 전쟁이 일어났다. 청나라군은 선떠이 전투(1883년 12월) 동안 유영복의 흑기군과 함께 싸웠다. 쿠르베 제독이 선떠이를 점령하면서 프랑스의 통킹 정복을 위한 길을 열었지만, 프랑스는 이제 흑기군뿐만 아니라 청나라의 공세에도 대응해야 했다. 청나라를 설득해 통킹에서 군대를 철수시키라는 외교적 노력에 지친 프랑스 정부는 샤를 밀로 장군으로 하여금 박닌의 성채를 공격하게 했다. 이곳은 1882년 이후 청나라 광서군에 의해 점령된 곳이었다. 1884년 3월, 박닌 원정을 통해 밀로 장군은 박닌을 함락하고, 청나라를 패주시켰다. 박닌에서 청나라의 패배는 선떠이의 함락으로 이어졌고, 청나라 조정 내 온건파의 입지를 강화시켰고, 프랑스와의 전면전을 주장하던 장지동이 주도하는 강경 청류파들의 입지를 일시적으로 실추시켰다. 게다가 1884년 봄에는 프랑스가 흥화와 타이응우옌의 함락을 성공시켰고, 이것은 서태후에게 청나라가 수용해야 한다는 것을 납득시켰으며, 5월 프랑스와 청나라 사이에 합의가 이루어졌다. 협상은 톈진에서 진행되었다. 온건파 지도자인 리홍장은 청나라를 대표했고, 프랑스는 순양함 볼타(Volta)의 사령관인 프랑수아 에르네 푸르니에가 프랑스를 대표했다. 1884년 5월 11일에 체결된 톈진 협약은 프랑스와 청나라 간의 무역과 교역에 관한 세부 사항을 해결하고, 베트남과의 국경 분쟁의 경계를 설정하는 포괄적인 조약이었다. 또한 그 대가로 통킹에서 청나라 군대를 철수시켜야 한다는 내용이었다. 내용 협정의 원본 프랑스어를 영어로 번역한 내용은 다음과 같다. 제1조 : 프랑스는 통킹과 경계를 접하는 청나라 남부 변경에서 어떠한 상황에서, 어떠한 국가의 침략에서도 보호하고, 존중할 것을 약속한다. 제2조 : 청나라는 남부 국경의 온전함과 안전에 관해 프랑스와 합의된 좋은 이웃에 대한 공식적인 보증으로 다음을 수행한다. (1) 통킹과 청나라 남부 국경에서 즉각 철군할 것, 그리고 (2) 현재와 미래에, 조약은 프랑스와 후에 조정(베트남)에서 직접 체결될 것을 존중한다. 제3조 : 청나라 정부의 화해적 태도를 인지하고, 이 협약의 협상 당사자 이홍장의 애국적 지혜에 찬사를 표하며, 프랑스는 청나라로부터의 배상금 요구를 포기한다. 그 대가로 청나라는 통킹과 접하고 있는 남부 국경 전역에서 안남과 프랑스, 청나라 사이에 오가는 상품에 대해 통상조약에서 규정된 무료 통관을 허용해 줄 것을 보증한다. 통상 조약에 의해 규정될 것이며, 청나라 협상자들과 프랑스 상거래에 가장 유리한 조건 하에서, 가장 유리한 조건으로 화해의 정신을 도출해야 한다. 제4조 : 프랑스 정부는 안남과 곧 체결할 최종 조약의 초안 작성에 있어 청나라의 위엄을 거스리는 표현을 사용하지 않는다. 통킹을 존중하는 기존 조약들은 폐지한다. 제5조 : 이 협약이 서명되자마자 양국 정부는 전권대사를 지명한다. 전권대사는 3개월 후에 만나 위 조항을 기반으로 조약의 세부 사항을 해결하기 위해 만날 것이다. 외교적 준용에 따라, 프랑스어 판본은 구속력을 가진다. 1884년 5월 11일(광서 10년 4월 17일), 텐진에서 4부(프랑스어 2부, 중국어 2부)로 각 전권대사가 서명하고 공식 직인을 찍는다. 각 전권대사는 문서의 사본을 하나씩 보유한다. 서명 : 리홍장. 서명 : 푸르니에르 결과 1884년 6월 6일, 텐진 협약 제4조에 의해 프랑스는 베트남과의 새로운 조약(〈후에 조약〉)을 체결하였다. 이 조약은 베트남과 안남에 대해 프랑스 보호령으로 제공하고 프랑스가 두 영토에 군대를 주둔하고, 주요 도시에 주민들을 정착하도록 허용했다. 1883년 8월의 징벌적 〈아르망 조약〉을 대체한 조약의 서명에는 중요한 상징적 몸짓이 수반되었다. 수십 년 전 베트남 자롱 황제가 청나라 황제에게 바친 옥새를 프랑스와 베트남 전권대사의 입회 하에 녹였다. 이것은 베트남과 청나라과의 전통적 관계 포기를 상징하는 조치였던 것이다. 이론상, 톈진 협약으로 통킹에서의 프랑스와 청나라 사이의 갈등은 결론이 났다. 그러나 푸르니에는 전문 외교관이 아니었으며, 계약에는 여러 가지 결말이 있었다. 결정적으로, 청나라 군대가 통킹에서 철수하는데 필요한 기한을 명시적으로 밝히지 않았다. 프랑스는 즉각 병력 철수를 해야한다고 주장한 반면, 청나라는 철수는 포괄적 조약의 결론에 따라 결정되었다고 주장했다. 실제로, 청나라의 입장은 협정 이후의 조건을 적용할 의사가 없거나, 무능력을 정당화하기 위해 사후 합리화였다. 이 협정은 청나라 내부에서 큰 발발을 샀다. 강경파들은 리홍장의 탄핵을 요구했고, 그의 정적들은 통킹의 청나라군에게 위치를 지키고 있어라는 명령에 흥미를 느꼈다. 1884년 6월 23일, 박레 근처에서 프랑스군과 청나라군 사이에 일어난 유혈 충돌로 양국은 새로운 위기에 빠졌다. 박러 매복 작전에 대한 배상금을 거부한 청나라의 태도는 1884년 8월 23일에 청불 전쟁의 발발로 이어졌다. 같이 보기 청불 전쟁 참고 문헌 Billot, A., L'affaire du Tonkin: histoire diplomatique du l’établissement de notre protectorat sur l’Annam et de notre conflit avec la Chine, 1882–1885, par un diplomate (Paris, 1888) Eastman, L., Throne and Mandarins: China's Search for a Policy during the Sino-French Controversy (Stanford, 1984) Thomazi, A., La conquête de l'Indochine (Paris, 1934) 각주 프랑스의 조약 청나라의 조약 청불 전쟁 통킹 원정 1884년 5월 1884년 프랑스
amphora/parallel-wiki-koen
full
Fe Villanueva del Mundo, , (born Fé Primitiva del Mundo y Villanueva; 27 November 1911 – 6 August 2011) was a Filipina pediatrician. She founded the first pediatric hospital in the Philippines and is known for shaping the modern child healthcare system in the Philippines. Her pioneering work in pediatrics in the Philippines while in active medical practice spanned eight decades. She gained international recognition, including the Ramon Magsaysay Award for Public Service in 1977. In 1980, she was conferred the rank and title of National Scientist of the Philippines, and in 2010, she was conferred the Order of Lakandula. She was the first female president of the Philippine Pediatric Society and the first woman to be named National Scientist of the Philippines in 1980. She was also the founder and the first president of the Philippine Pediatric Society, the first Asian to be elected president of the Philippine Medical Association in its 65-years existence, and the first Asian to be voted president of the Medical Woman's International Association. Early life and education Del Mundo was born at 120 Cabildo Street in the district of Intramuros, Manila, on November 27, 1911. She was one of eight children of Bernardo del Mundo and Paz (née Villanueva; d. 1925). Her family home was opposite the Manila Cathedral. Bernardo was a prominent lawyer from Marinduque who served one term in the Philippine Assembly representing the province of Tayabas. Three of her eight siblings died in infancy, while an older sister died from appendicitis at age 11. The death of her younger sister Elisa, who had made known her desire to become a doctor for the poor, inspired del Mundo to choose a career in medicine. In 1926, del Mundo enrolled at the UP College of Medicine, at the original campus of the University of the Philippines in Manila. She earned her medical degree in 1933, graduating as class valedictorian. She passed the medical board exam that same year, placing third among the examinees. Her exposure while in medical school to various health conditions afflicting children in the provinces, particularly in Marinduque, led her to choose pediatrics as her specialization. Postgraduate studies After del Mundo graduated from UPM, President Manuel Quezon offered to pay for her further training, in a medical field of her choice, at any school in the United States. Del Mundo has sometimes been said to have been Harvard Medical School's first woman student, the first woman enrolled in pediatrics at the school, or its first Asian student. However, according to an archivist at Harvard's Center for the History of Medicine, Harvard had had thousands of Asian students by the time Del Mundo arrived there. Del Mundo returned to Harvard Medical School's Children's Hospital in 1939 for a two-year research fellowship. She also enrolled at the Boston University School of Medicine, earning a Master's degree in bacteriology in 1940. Medical practice Del Mundo returned to the Philippines in 1941, shortly before the Japanese invasion of the country. She joined the International Red Cross and volunteered to care for child-internees then detained at the University of Santo Tomas internment camp for foreign nationals. She set up a makeshift hospice within the internment camp, and her activities led her to be known as "The Angel of Santo Tomas". After the Japanese authorities shut down the hospice in 1943, del Mundo was asked by Manila mayor León Guinto to head a children's hospital under the auspices of the city government. The hospital was later converted into a full-care medical center to cope with the mounting casualties during the Battle of Manila, and would be renamed the North General Hospital (later, the Jose R. Reyes Memorial Medical Center). Del Mundo would remain the hospital's director until 1948. Del Mundo joined the faculty of the University of Santo Tomas, then the Far Eastern University in 1954. She became the head of the Department of Pediatrics at Far Eastern University - Nicanor Reyes Medical Foundation for more than two decades. During this time, she founded the Children's Medical Center Foundation in 1957. She also established a small medical pediatric clinic to pursue a private practice and established the Institute of Maternal and Child Health, an institution that trains doctors and nurses. Establishment of the Children's Medical Center Frustrated by the bureaucratic constraints in working for a government hospital, del Mundo desired to establish her own pediatric hospital. Towards that end, she sold her home and most of her personal effects, and obtained a sizable loan from the GSIS (the Government Service Insurance System) in order to finance the construction of her own hospital. The Children's Medical Center, a 107-bed hospital located in Quezon City, was inaugurated in 1957 as the first pediatric hospital in the Philippines. The hospital was expanded in 1966 through the establishment of an Institute of Maternal and Child Health, the first institution of its kind in Asia. In 1958, del Mundo conveyed her personal ownership of the hospital to a board of trustees. Dr. Fe del Mundo lived on the second floor of the Children's Medical Center in Quezon City and continued making early morning rounds until she was 99 years old. Establishment of the Children's Medical Center Foundation When she founded the Children's Medical Center Foundation in 1957, she was able to bring medical care Filipinos in the rural areas of the Philippines who had little to no access to health care. This foundation saved thousands of children through establishment of family planning clinics and treatment of preventable health issues such as poor nutrition and dehydration. Later life and death Del Mundo was still active in her practice of pediatrics into her 90s. She died of cardiac arrest on August 6, 2011, and was buried at the Libingan ng mga Bayani. Medicine in the Philippines was revolutionized by Dr. Fe del Mundo. She made numerous breakthroughs in the field of pediatrics from immunization, treatment of jaundice, and providing accessible health care to countless families living in poverty. Research and innovations Del Mundo was noted for her pioneering work on infectious diseases in Philippine communities. Undeterred by the lack of well-equipped laboratories in post-war Philippines, she unhesitatingly sent specimens or blood samples for analysis abroad. In the 1950s, she pursued studies on dengue fever, a common malady in the Philippines, of which little was known at the time. Her clinical observations on dengue, and the findings of research she later undertook on the disease are said to "have led to a fuller understanding of dengue fever as it afflicts the young". She authored over a hundred articles, reviews, and reports in medical journals on such diseases as dengue, polio and measles. She also authored Textbook of Pediatrics, a fundamental medical text used in Philippine medical schools. Del Mundo was active in the field of public health, with special concerns towards rural communities. She organized rural extension teams to advise mothers on breastfeeding and child care. and promoted the idea of linking hospitals to the community through the public immersion of physicians and other medical personnel to allow for greater coordination among health workers and the public for common health programs such as immunization and nutrition. She called for the greater integration of midwives into the medical community, considering their more visible presence within rural communities. Notwithstanding her own devout Catholicism, she was an advocate of family planning and population control. Del Mundo was also known for having devised an incubator made out of bamboo, designed for use in rural communities without electrical power. Awards and recognition In 1980, del Mundo was declared as a National Scientist of the Philippines, the first Filipino woman to be so named. Among the international honors bestowed on del Mundo was the Elizabeth Blackwell Award for Outstanding Service to Mankind, handed in 1966 by Hobart and William Smith Colleges, and the citation as Outstanding Pediatrician and Humanitarian by the International Pediatric Association in 1977. Also in 1977, del Mundo was awarded the Ramon Magsaysay Award for Public Service. Dr. Fe del Mundo was an honorary member of the American Pediatric Society and a consultant of the World Health Organization. In 2008, she received the Blessed Teresa of Calcutta Award of the AY Foundation. On April 22, 2010, President Gloria Macapagal-Arroyo awarded del Mundo the Order of Lakandula with the rank of Bayani at the Malacañan Palace. Posthumously, she was conferred the Grand Collar of the Order of the Golden Heart Award by President Benigno Aquino III in 2011. On November 27, 2018, a Google Doodle was displayed to celebrate del Mundo's 107th birthday. References Sources Fe Del Mundo Medical Center. Legacy & History https://www.fedelmundo.com.ph/history-legacy/ External links Citation for Fe Del Mundo, 1977 Ramon Magsaysay Award for Public Service Biography of Fe Del Mundo, 1977 Ramon Magsaysay Award for Public Service DOST – National Academy of Science and Technology: Fe Del Mundo 1911 births 2011 deaths People from Intramuros University of the Philippines Manila alumni Filipino inventors Filipino educators Filipino pediatricians Ramon Magsaysay Award winners Grand Collars of the Order of the Golden Heart Grand Crosses of the Order of Lakandula National Scientists of the Philippines Boston University School of Medicine alumni Tagalog people Burials at the Libingan ng mga Bayani Filipino women medical doctors 20th-century Filipino medical doctors 21st-century Filipino medical doctors 20th-century American women physicians 20th-century American physicians 21st-century American women physicians 21st-century American physicians Women inventors 21st-century Filipino women medical doctors 20th-century Filipino women medical doctors Academic staff of Far Eastern University
페 빌라누에바 델 문도(, 1911년 11월 27일 ~ 2011년 8월 6일)는 필리핀의 소아청소년과 의사이자, 필리핀 최초의 소아의료센터의 설립자이다. 그가 필리핀의 소아청소년의학 분야에서 한 선구자적인 활동은 80년간 이어졌다. 국제적으로 널리 알려진 공헌으로 1977년 라몬 막사이사이상 공공서비스부문 수상자로 선정되었다. 이어서 1980년에는 필리핀 국가과학자 칭호 수훈자가 되었고, 2010년에는 라칸둘라 훈장을 받았다. 성장기와 학업 페 델 문도는 1911년 11월 27일에 마닐라의 인트라무로스 구의 카빌도 거리 120번지에서 태어났다. 마닐라 대성당 맞은 편에 집이 있었다. 아버지 베르나르도 델 문도와 어머니 파즈 네 빌라누에바는 여덟 남매를 낳았다. 아버지 베르나르도는 마린두케 주 출신의 유명한 변호사였고, 필리핀 의회에서 타야바스 주 지역구 의원으로 한 차례 선출되었다. 8남매 중 3명은, 유아기에 사망했고, 언니가 11살에 충수염으로 사망했다. 가난한 사람을 위한 의사가 되겠다는 델 문도의 바람을 알고 있던 언니의 죽음은 델 문도가 의사의 길을 걷는데 박차를 가하는 계기가 되었다. 델 문도는 필리핀 대학교 마닐라 캠퍼스(UPM)에 1926년 입학했고, 1933년에 의학 학위를 받고, 졸업생 대표로 송사를 맡았다. 그 해의 의사 면허 시험에서 응시자 중 3위로 통과하였다. 의대에 다닐 때, 마린두케 주를 비롯한 여러 지방의 아이들을 괴롭히는 다양한 질환들을 접한 것이 소아청소년과 전문의 길을 선택하게 하였다. 대학원 진학 델 문도가 필리핀 대학교 마닐라 캠퍼스를 졸업한 후에, 마누엘 L. 케손 대통령은 델 문도가 선택한 의료 분야에서의 추가적인 훈련을 위해 미국의 어떤 의대를 지망하더라도 금전적인 지원을 하겠다고 제안했다. 델 문도는 하버드 의대의 첫 여성 학생, 첫 여성 소아청소년과 전공자이자, 첫 아시아인 학생으로 알려져 있다. 하지만, 하버드 의과대학원의 다양성과 포용에 대한 기록 보관 담당자에 따르면, 델 문도 박사는 1939년에 하버드 의대부속 소아병원에서 2년간의 연구직을 제안받고 돌아왔다. 또한, 1940년에 보스턴대학 의과대학원에서 박테리아학 석사 학위를 취득하였다. 의료 활동 델 문도는 일본의 필리핀 침공이 있기 직전인 1941년에 고국으로 돌아왔다. 그는 국제 적십자 위원회에 가입하여, 일본이 외국인을 수용하기 위해 징발한 산토 토마스 대학교 수용소의 아동 억류자를 돌보는데 자원했다. 수용소 안에는 임시 호스피스 시설이 세워졌고, 그는 "산토 토마스의 천사"로 알려지게 되었다. 1943년, 일본 당국의 호스피스 강제 폐쇄 이후, 레온 귄토 마닐라 시장은 델 문도에게 시 당국의 지원 하에 아동 병원을 이끌어 달리는 요청을 하였다. 이 병원은 나중에 마닐라 전투 동안 증가하는 사상자에 대처하기 위해 종합의료센터로 전환되었고, 북부종합병원(후일, 호세.R. 레야스 기념 의료센터)으로 명명되었다. 델 문도는 병원장으로 1948년까지 재직하였다. 델 문도는 1954년에 산토 토마스 대학교와 파이스턴 대학의 교수진에 합류하였고, 개인 진료를 하기 위해 작은 소아과 병원을 설립했다. 소아의학센터의 설립 정부가 운영하는 병원에서 생기는 관료주의적 제약에 좌절한 델 문도는 자신만의 소아 병원을 설립하기를 원했다. 결과적으로, 집과 개인 소지품을 처분하고, 정부 서비스 보험 제도(GSIS)로부터 상당한 규모의 융자를 받아, 자신의 병원 건립 자금을 마련하였다. 1957년, 소아의료센터는 케손시티에 100 병상 규모의 병원으로 출범하였고, 이는 필리핀 최초의 소아전문병원이었다. 1966년, 아시아에서 최초로 모자보건연구소를 설립하여 병원 규모는 확장되었다. 1958년 델 문도는 병원 소유권을 병원 이사회로 넘겨 주었다. 노년과 사망 델 문도는 90대의 나이에도 의료 활동을 이어나갔다. 2011년 8월 6일, 심장 정지로 자연사하였다. 그는 필리핀의 영웅 묘지에 묻혔다 연구와 혁신 델 문도는 필리핀 사회에서의 감염병 연구의 선구자로도 알려져 있다. 필리핀의 전쟁 후 열악한 실험실에도 불구하고, 주저하지 않고 분석을 위해 표본과 혈액 샘플을 해외로 보냈다. 1950년대 들어, 필리핀에서 흔하게 유행하는 뎅기열에 대해 연구했지만, 당시에는 거의 알려지지 않았다. 뎅기열에 대한 임상적 관찰과 추후에 수행한 연구 결과는 "젊은이에게 괴롭히는 뎅기열에 대한 더 많은 이해를 이끌어 냈다." 그는 의학 저널들에 뎅기열, 소아마비, 홍역 등에 대한 100여편의 논문과 보고서 등을 투고하였다. 또한, 필리핀의 의과대학들이 사용하는 기초적인 의학 교과서인 《Textbook of Pediatrics》을 저술하였다. 델 문도는 농촌지역사회의 공중 보건 개선에 적극적으로 활동했다. 농촌 왕진팀을 구성하여, 모유 수유와 아동 건강에 대한 조언을 하였다. 예방 접종이나 영양 섭취를 위한 보건 프로그램을 보건 종사자와 대중 사이의 거대한 협동을 위해, 의사와 다른 의료인들을 통해 지역 사회와 병원을 연결하는 아이디어를 홍보했다. 그는 산파들이 농촌사회에서 가지는 존재감을 고려하여, 그들을 의료계에 통합할 것을 촉구하였다. 독실한 카톨릭 신자였음에도 불구하고, 가족 계획과 인구 조절을 주장하였다. 델 문도는 전기가 없는 농촌 사회가 사용가능하도록 설계된, 대나무로 제작된 인큐베이터를 고안한 것으로도 알려져 있다. 수상과 표창 1980년, 델 문도는 여성 중 최초로 필리핀 국가 과학자 칭호를 받았다. 국제적으로 받은 상은 다음과 같다. 1966년에 인류를 위한 뛰어난 봉사로 호바트 앤 윌리엄 대학으로부터 엘리자베스 블랙웰 상을 받았다. 1977년에는 국제소아과협회가 뛰어난 소아과 의사이자 인도주의자로 선정하였다. 또한, 1977년 라몬 막사이사이 상 공공서비스 부문 수상자로 지명되었다. 2008년 AY 재단이 캘커타의 축복받은 테레사 상의 수상자로 선정하였다. 2010년 4월 22일, 말라카냥궁에서 바야니 등급의 라칸둘라 훈장을 수여받았다. 2011년 사후에, 골든 하트 훈장을 추서받았다. 2018년 11월 27일, 구글은 델 문도 탄생 107주년을 축하하는 구글 두들을 게시하였다. 출처 출전 외부 링크 Citation for Fe Del Mundo, 1977 Ramon Magsaysay Award for Public Service Biography of Fe Del Mundo, 1977 Ramon Magsaysay Award for Public Service DOST - National Academy of Science and Technology: Fe Del Mundo 1911년 출생 2011년 사망 막사이사이상 수상자 필리핀의 교육자
amphora/parallel-wiki-koen
full
for b1, my friend did the following: 1. =EXP(AVERAGE(LN(D11),LN(D22))) 2. =-LN(K12) 3. =R12/0.5\*COS(Y$10) on this data: FILE DATE TIME FAC PILPILO LAI SEL DIFN MTA SEM SMP 14 22 NOV 12:55:09 FAC 1 1.7 0.1 0.229 0 39 10 ANGLES 7 23 38 53 68 CNTCT# 1.524 1.81 1.52 0.925 0.35 STDDEV 0.518 0.446 0.269 0.242 0.112 DISTS 1.008 1.087 1.27 1.662 2.67 GAPS 0.216 0.141 0.146 0.216 0.394 Deg 7 23 38 53 68 Rad 0.122173048 0.401425728 0.663225116 0.925024504 1.186823891 Rad 0.122173048 0.401425728 0.663225116 0.925024504 1.186823891 A 1 12:57:09 0.427 0.546 0.558 0.43 0.305 LN Average A 0.457883173 0.593898981 0.60823844 0.494641284 0.322970587 LAI B 2 12:57:42 0.252 0.118 0.11 0.18 0.141 Transmittance 0.550358727 0.198686988 0.180850128 0.363900074 0.436572263 -LN(Transmittance) 0.597184983 1.616024615 1.71008661 1.010875971 0.828801366 /(G/cos theta) 1.185467313 2.975117003 2.695133277 1.216720691 0.620948913 B 3 12:58:08 0.121 0.108 0.093 0.058 0.078 0.264259547 0.181849108 0.152900563 0.117256691 0.24150806 1.330823525 1.704578013 1.877967483 2.143389811 1.42085243 2.641807536 3.138144667 2.959717143 2.579848377 1.064521377 B 4 12:58:17 0.093 0.086 0.069 0.06 0.078 0.203108578 0.144805771 0.113442353 0.121300025 0.24150806 1.594014577 1.932361944 2.176460472 2.109488259 1.42085243 3.164266069 3.557497095 3.430148513 2.539043451 1.064521377 B 5 12:58:35 0.153 0.153 0.13 0.113 0.143 0.33414637 0.25761957 0.21373197 0.22844838 0.442764777 1.096176149 1.356271318 1.543032526 1.476445003 0.814716627 2.176010837 2.496908662 2.431852447 1.777093567 0.61039644 B 6 12:58:47 0.099 0.058 0.05 0.051 0.085 0.216212357 0.097659706 0.082204604 0.103105021 0.263181861 1.53149422 2.326266229 2.498543971 2.272007189 1.33491 3.040157389 4.282678709 3.937759035 2.734656118 1.000132175 B 7 12:59:00 0.123 0.122 0.12 0.114 0.124 0.268627474 0.205422141 0.197291049 0.230470047 0.383935891 1.314429715 1.582688195 1.623075234 1.467634373 0.957279691 2.609264311 2.91374433 2.558001476 1.766488828 0.717206568 B 8 12:59:15 0.063 0.081 0.085 0.109 0.107 0.137589682 0.136386831 0.139747827 0.220361712 0.331299519 1.983479344 1.992260085 1.96791572 1.512484939 1.104732422 3.93738958 3.667770155 3.101477499 1.820472317 0.827680099 B 9 12:59:26 0.041 0.031 0.043 0.068 0.167 0.089542491 0.052197429 0.070695959 0.137473361 0.51707495 2.413042004 2.952722035 2.649366861 1.984325116 0.659567444 4.790111109 5.435989929 4.175459153 2.388393332 0.494156627 B 10 12:59:39 0.055 0.046 0.082 0.123 0.159 0.120117976 0.07745425 0.13481555 0.248665051 0.492304892 2.119280885 2.558067843 2.003847729 1.391648466 0.708657055 4.206968174 4.70942773 3.158107118 1.675029908 0.53093521 B 11 12:59:53 0.061 0.053 0.081 0.128 0.175 0.133221755 0.089240766 0.133171458 0.258773386 0.541845007 2.015740206 2.416417326 2.016117822 1.351802557 0.612775283 4.001430369 4.448647753 3.177445048 1.627070175 0.459099323 A 12 13:00:30 0.491 0.646 0.663 0.569 0.342 Average 3.083493591 3.686364254 3.160850629 2.055305177 0.770055421
B1에 대해 제 친구는 다음과 같이 했습니다:1. =exp(평균(ln(d11),ln(d22)))2. =-LN(K12)3. =r12/0.5\*cos(y$10)를 이 데이터에 적용합니다: 파일 날짜 시간 페이스 필필로 라이 셀 디프엔 엠타 세미 SMP 14 22 11월 12:55:09 FAC 1 1.7 0.1 0.229 0 39 10 ANGLES 7 23 38 53 68 CNCT# 1.524 1.81 1.52 0.925 0.35 STDEV 0.518 0.446 0.269 0.242 0.112 DISTS 1.008 1.087 1.27 1.662 2.67 GAPS 0.216 0.141 0.146 0.216 0.394 Deg 7 23 38 53 68 Rad 0.122173048 0.401425728 0.663225116 0.925024504 1.186823891 Rad 0.122173048 0.401425728 0.663225116 0.925024504 1.186823891A 1 12:57:09 0.427 0.546 0.558 0.43 0.305 LN 평균 A 0.457883173 0.593898981 0.60823844 0.494641284 0.322970587 LAI B 2 12:57:42 0.252 0.118 0.11 0.18 0.141 투과율 0.550358727 0.198686988 0.180850128 0.363900074 0.436572263 -LN(투과율) 0. 597184983 1.616024615 1.71008661 1.010875971 0.828801366 /(G/cos theta) 1.185467313 2.975117003 2.695133277 1.216720691 0.620948913B 3 12:58:08 0.121 0.108 0.093 0.058 0.078 0.264259547 0.181849108 0.152900563 0.117256691 0.24150806 1.330823525 1.704578013 1.877967483 2.143389811 1.42085243 2.641807536 3.138144667 2.959717143 2.579848377 1.064521377B 4 12:58:17 0.093 0.086 0.069 0.06 0.078 0.203108578 0.144805771 0.113442353 0.121300025 0.24150806 1.594014577 1.932361944 2.176460472 2.109488259 1.42085243 3.164266069 3.557497095 3.430148513 2.539043451 1.064521377B 5 12:58:35 0.153 0.153 0.13 0.113 0.143 0.33414637 0.25761957 0.21373197 0.22844838 0.442764777 1.096176149 1.356271318 1.543032526 1.476445003 0.814716627 2.176010837 2.496908662 2.431852447 1.777093567 0.61039644B 6 12:58:47 0.099 0.058 0.05 0.051 0.085 0.216212357 0.097659706 0.082204604 0.103105021 0.263181861 1.53149422 2.326266229 2.498543971 2.272007189 1.33491 3.040157389 4.282678709 3.937759035 2.734656118 1.000132175B 7 12:59:00 0.123 0.122 0.12 0.114 0.124 0.268627474 0.205422141 0.197291049 0.230470047 0.383935891 1.314429715 1.582688195 1.623075234 1.467634373 0.957279691 2.609264311 2.91374433 2.558001476 1.766488828 0.717206568B 8 12:59:15 0.063 0.081 0.085 0.109 0.107 0.137589682 0.136386831 0.139747827 0.220361712 0.331299519 1.983479344 1.992260085 1.96791572 1.512484939 1.104732422 3.93738958 3.667770155 3.101477499 1.820472317 0.827680099B 9 12:59:26 0.041 0.031 0.043 0.068 0.167 0.089542491 0.052197429 0.070695959 0.137473361 0.51707495 2. 413042004 2.952722035 2.649366861 1.984325116 0.659567444 4.790111109 5.435989929 4.175459153 2.388393332 0.494156627B 10 12:59:39 0.055 0.046 0.082 0.123 0.159 0.120117976 0.07745425 0.13481555 0.248665051 0.492304892 2.119280885 2.558067843 2.003847729 1.391648466 0.708657055 4.206968174 4.70942773 3.158107118 1.675029908 0.53093521B 11 12:59:53 0.061 0.053 0.081 0.128 0.175 0.133221755 0.089240766 0.133171458 0.258773386 0.541845007 2. 015740206 2.416417326 2.016117822 1.351802557 0.612775283 4.001430369 4.448647753 3.177445048 1.627070175 0.459099323A 12 13:00:30 0.491 0.646 0.663 0.569 0.342 평균 3.083493591 3.686364254 3.160850629 2.055305177 0.770055421
squarelike/sharegpt_deepl_ko_translation
full
The KRISS Vector is a series of weapons based upon the parent submachine gun design developed by the American company KRISS USA, formerly Transformational Defense Industries (TDI). They use an unconventional delayed blowback system combined with in-line design to reduce perceived recoil and muzzle climb, invented by French engineer Renaud Kerbrat. History In the spring of 2007, TDI announced their development of a new submachine gun. It was an experimental weapon under advanced stages of development at that time. The name Kriss comes from a Southeast Asian dagger with a flame-shaped blade. The second generation prototype of the Vector, called the K10, was announced at 2011 SHOT Show. It is a slightly more compact version of the Vector that is based on the same Super V system. The main difference is a redesign of the lower receiver intended for easy caliber interchangeability; utilizing just a single takedown pin, users can change between 9×19mm, .40 S&W and .45 ACP by mounting different lower receivers. This also brought a redesign of the charging handle, which now travels diagonally, almost vertically, and can be mounted on either side of the weapon. Other notable differences were a new telescoping stock instead of a folding one, and a four-sided accessory rail tube around the barrel. The K10 was not displayed after SHOT Show 2013 and its status is unknown and likely has been canceled. Kriss announced "Gen II" versions of the original Vector models in 2015. These feature a redesigned pistol grip, trigger, safety selector, and compatibility with a new 9×19mm lower. These appear to have replaced the K10 prototypes, though no features from the K10 were carried over. Design The Vector uses an articulated mechanism referred to as the "Kriss Super V", which allows the bolt and an inertia block to move downward into a recess behind the magazine well. The theory is that at the end of this travel, the energy is transmitted downward rather than rearward, thus reducing the felt recoil. When fired, the barrel axis is in line with the shoulder as in the M16 rifle, but also in line with the shooter's hand. This is intended to reduce muzzle climb when combined with the off-axis bolt travel, though it also greatly raises the sight line in comparison to the bore axis. The initial prototype model by TDI achieved a rate of fire of 1,500 rounds per minute, though this was brought down to around 1,200 rounds per minute on the production models. Civilian models are limited to semi-automatic only. The Vector is split into two major assemblies in a similar manner to the AR-15 rifle, secured together with four push pins. Due to the weapon's unusual layout, the lower contains the action, charging handle, magazine well and barrel, while the upper contains the ejection port, rail system, pistol grip and fire control components, as well as the stock for configurations that have one. This modular design allows for toolless caliber conversions by swapping out only the lower. The Vector's safety is ambidextrous (as well as the fire mode selector on the auto trigger pack) while the ejection port, charging handle, bolt release catch and magazine release are not, and are only available in a right-handed configuration. Calibers such as .22 LR, .40 S&W and 9×19mm Parabellum were mentioned when the gun was first released. The Generation II versions with multiple design changes including a new 9mm variant were confirmed at SHOT Show 2015, though the .22LR version had yet to materialize and was thought to have been canceled up until SHOT Show 2020, when they announced its release. Vectors chambered in .45 ACP are designed to accept standard Glock 21 pistol magazines. A special "MagEx 30" kit was available to convert a factory 13-round .45 ACP Glock magazine to an extended high-capacity version, but was later marketed as a "25+" round kit. Vectors chambered in 9×19mm Parabellum use standard Glock 17 magazines. In 2019, KRISS released the "MagEx2" which extends the capacity of a factory standard Glock Magazine. The MagEx 2 is available in 9mm for an overall capacity of 40 rounds, 33 rounds of 10mm and 30 rounds of .45 ACP. Variants The KRISS Vector has undergone two generations of modification. The Gen I version is the baseline model of the Vector family. It was later replaced by the improved Gen II version which features a redesigned pistol grip and trigger and has the swing angle of the safety lever reduced from 120 to 45 degrees. It also eliminates the opening above the barrel for the original weapon's optional Surefire weapon light, since these are no longer manufactured. In addition to the original Flat Black finish, optional factory Cerakote coatings now come in Olive Drab (green), Flat Dark Earth (tan), Alpine (white), or Combat Gray. The Vector SMG variant is only available for military and law enforcement use. It features a 5.5-inch barrel (with an option of a 6.5-inch barrel on the Gen II version), a folding stock, flip-up Midwest Industries back-up iron sights (BUIS) (KRISS Sights on Gen II weapons), a full-length Picatinny rail for mounting various optics/scopes, and either two mode fire selector (single and full-auto) or a three mode fire selector (single, two-round burst and full-auto). It is only sold as a complete weapon in .45 ACP and 9×19mm Parabellum; Due to the nature of the weapon the auto trigger pack is not compatible with any Vector lower. The 9mm model uses Glock 17-compatible magazines (typically the extended 33-rounder used by the Glock 18) and the .45-caliber model uses Glock 21 magazines. Semi-automatic variants are produced and available for the US civilian market. There are three main configurations, the Vector CRB, Vector SBR and Vector SDP. In addition to 9×19mm Parabellum and .45 ACP, they can also be chambered in .40 S&W (using Glock 22 magazines), 10mm Auto (using Glock 20 magazines), or .357 SIG (using Glock 31 magazines). A variant chambered for 9×21mm IMI that feeds from standard 9×19mm Glock 17 magazines is available for the Italian civilian market. The .22 LR variant feeds from a proprietary 10-round magazine, and functions using a traditional straight blowback operating system rather than the Super V delayed system. The Canadian (and some American) civil market versions only come with the blocked 10-round magazines rather than the full capacity magazines. Like the Law Enforcement / Military SMG models, the civilian model Vectors can be converted to chamber and fire other calibers if the lower receiver groups are changed. The Vector CRB (carbine) is a semi-automatic carbine with a permanently affixed extension to the standard 5.5-inch barrel, extending it to , intended for states with short-barrel rifle bans, with an 18.6-inch (470 mm) version produced for the Canadian market. The standard model has a folding stock (fixed in states where state law prohibits). Variants exist for compliance with various state gun laws, including a California-legal "featureless" variant with a Kydex grip-wrap barrier (prohibits gripping the back of the pistol grip), a hand stop replacing the usual vertical foregrip, and a permanently affixed Defiance DS150 stock to give an overall length of 36.5-inch (930 mm). The Vector SBR (Short Barrel Rifle) is a semi-automatic short-barreled configuration featuring the same 5.5-inch barrel as the selective fire submachine gun. The Vector SDP (Special Duty Pistol) is a semi-automatic pistol configuration that has a permanently affixed cap with a sling mount in place of a folding stock. There is also a configuration of the Vector SDP fitted with an SB Tactical arm brace called the Vector SDP-SB (Special Duty Pistol – Stabilizing Brace). The "Enhanced" versions of the Gen II CRB and SBR are also available with collapsing M4-style stock adaptors instead of the standard folding stock (with a Magpul UBR stock included) and a rectangular barrel shroud for the CRB, though these accessories can also be purchased separately. Derivatives KRISS announced development of a semi-automatic pistol called the "KRISS KARD" in 2010, using the Super V system in a much smaller package to minimize recoil and muzzle rise in 9×19mm Parabellum and .45 ACP calibers. It does not have a blowback slide, instead it has a T-shaped cocking handle on the rear. As TDI, KRISS also announced a 12-gauge shotgun called the MVS and a .50 BMG heavy machine gun using a double Super V mechanism called the "Disraptor," but the Disraptor has not been mentioned since their name change, while the MVS was removed from the TDI website in late 2009. Users : Gen II variant used by Bangladesh Army and Gen I variant used by Bangladesh Police. In January 2022, the Directorate General of Defence Purchase floated a tender to procure 100 Gen II variants. : Used by Panamanian National Police. : Used by Royal Thai Army and Royal Thai Police. See also Scorpion Evo FAMAE SAF K7 HK MP7 FN P90 SR-2 Veresk References External links .40 S&W submachine guns .45 ACP submachine guns .357 SIG firearms 9mm Parabellum submachine guns 9×21mm IMI submachine guns 10mm Auto submachine guns .22 LR submachine guns Off-axis bolt travel blowback firearms Submachine guns of the United States Carbines Weapons and ammunition introduced in 2009
크리스 벡터(KRISS Vector) 또는 크리스 슈퍼 V는 TDI사가 개발, 생산하는 차세대 기관단총이다. 설계 TDI사의 벡터는 "크리스 슈퍼 V(Kriss Super V)"라는 독특한 방식을 채용하였다. 이 방식은 겉으로는 반동을 이용하는 일반적인 블로우백 작동식이지만 다른 기관단총들과는 달리 기존의 노리쇠의 이동방향을 수평방향에서 수직방향으로 이동하게 설계하였는데, 이는 총구가 격발시 위로 들리면서 동시에 노리쇠가 수직이 아닌 아랫방향으로 움직이게 되는 것으로, 결과적으로 많은 대구경 화기들의 문제점이었던 총구앙등현상을 해결할 수 있는 설계다. 또한, M16소총이나 과거 독일 3제국에서 제조했던 FG42소총 등처럼 총열과 개머리판이 일직선상에 놓여진 구조를 가지고 있으면서 동시에, 권총손잡이까지 일직선상에 위치하게 되어 총기 제어를 좀 더 수월하게 할 수 있게 하였다. 크리스 슈퍼 V 시스템은 결과적으로 AK107 및 AK108 소총 등에 사용된 무게추 방식(Balanced Recoil System)과 근본적인 원리는 비슷하나, 무게추 방식이 총기 내부에 별도의 무게추를 설치하여 총기 제어성을 향상시킨 반면, 크리스 슈퍼 V 시스템은 어떠한 부품의 추가 없이 단순히 기존 블로우 백 방식에서 노리쇠의 작동방향만 바꾼 것에서 차이가 있다. 따라서 내부구조는 단순하여 생산하기도 쉽고, 관리하기도 좀더 수월하다. 실제로도 별도의 연장 없이도 간단히 분해하거나 조립할 수 있다. TDI사는 2010년에 .40 S&W탄 모델을 개발했으며, 이 총에 쓰인 크리스 슈퍼 V 시스템을 이용하여 7.62 x 51mm NATO탄을 사용하는 전투소총을 개발하고 있다. 평가 TDI 벡터는 .45 ACP라는 강력한 위력의 탄환을 적은 반동으로 격발할 수 있기에, 크리스 슈퍼 V 시스템이 강장탄을 길들일 수 있는 시스템임을 증명하게 되었으며, 강력한 화력으로 타 화기에 비해 근접전에서 우위를 점할 수 있다. 또한, 약간의 발상전환으로 그간 많은 총기 개발자들을 괴롭혔던 총구 앙등현상을 효과적으로 해결했다는 점에서 의의가 크다. 하지만 특이한 구조로 인한 짧은 사거리가 단점으로 꼽히고 있다. 대중 문화 비디오 게임 카운터-스트라이크 온라인 기관단총으로 크리스 슈퍼 V라는 이름으로 등장하며, 소음기를 부착할 수 있다. 또 '크리스 슈퍼 V'를 두개로 들어서 사용하는 업그레이드형 무기인 '듀얼 크리스'가 있다. 장탄수는 30발이다. A.V.A 포인트맨 병과의 주무장으로 크리스 슈퍼 V라는 이름으로 나온다. 실제 총기와 마찬가지로 높은 위력과 높은 연사속도, 높은 안정성을 가지고 있다. 13발 탄창을 기본 사양으로 제공하며, 트리거 부분 개조를 통해 28발들이 탄창으로 교체할 수도 있다. 신규 가입 유저에게 주는 이벤트 무기이기도 하다. 포인트 블랭크 주무장으로 나온다. 레드 도트 사이트를 장착한 상태로 나오며, 장탄수는 30발이다. B키를 눌러서 듀얼모드로 전환하여 2개의 벡터를 들고 사격할 수 있다. 배터리 온라인 주무장으로 나온다. 장탄수는 30발이다. 밸런스 상의 이유로 인해, .45 ACP탄의 높은 위력만 구현되고, 나머지는 구현되지 않았다. 기관단총 중에선 제일 높은 위력을 가졌지만, 연사속도가 느리다. 이로 인해 몇몇 유저들은 개발진이 미숙하다는 의견을 내놓기도 하였다. 모던워페어2 주무장으로 나온다. 레벨 12 때 언락할 수 있으며, 장탄수는 30발이다. 위력이 낮은 대신 높은 연사속도와 낮은 반동을 가졌다. 부착물은 속사(Rapid Fire), 아킴보(Akimbo), 레드 도트사이트(Red Dot Sight), 홀로그래픽 사이트(Holographic Sight), 소음기(Silencer), ACOG 스코프(ACOG Scope), 열감지 조준기(Thermal Scope), 철갑탄(FMJ), 확장 탄창(Extended Magazine)이 있다. 배틀그라운드, 배틀그라운드 모바일, 배틀그라운드: 뉴 스테이트 필드에서 드랍되는 아이템으로,Vector로 등장하며, 기본 장탄수는 19발이다. SMG 전용 부착물을 착용할 수 있으며, 총구에 소염기(Flash Hider), 보정기(Compensator), 소음기(Suppressor), 탄창에 퀵드로우(QuickDraw Mag), 대용량 탄창(Extended Mag), 대용량 퀵드로우(Extended QuickDraw Mag), 수직손잡이(Vertical Foregrip), 전술 개머리판(Tactical Stock)을 장착할 수 있다. 대용량 탄창을 착용했을 때 장탄수는 기존 19발에서 33발로 증가하며 다른 총기와는 다르게 손잡이에 수직손잡이와 하프 그립만 부착할 수 있다. 업데이트로 9mm탄을 사용한다. 레인보우 식스 시리즈 Operation Velvet Shell에서 출시된 수비팀 오퍼레이터 미라(MIRA)의 주 무기 중 하나이다. 한편 공격팀의 라이언 (LION)의 주 무기중 하나가 V308 인데, 벡터에 드럼식 탄창을 장착하고 7.62mm 나토탄을 쓰는 총이라고 볼 수 있다. 로블록스 (팬텀포스) 연사속도가 매우 빠른 기관단총으로 등장한다. 현실과 다르게 약간 과장된 부분이 많으며 업데이트로 9mm, 22LR탄을 쓸 수 있게 되었다. 콜 오브 듀티: 모바일 게임 콜 오브 듀티 모바일에서 등장한다. 이름은 총기 라이센스를 따지 못하여 다르게 출시되었다. 연사속도는 1000RPM 이상으로 구현 되었다. 기술로 TDI 벡터를 두정 들고 싸우는 아킴보 기술이 있다. Surviv.io 지하에서 많은 문 중 상자가 있는 문으로 들어가면 9mm 벡터를 확률적으로 얻을 수 있다. 밀크초코 게임 내에서는 Chris라는 총기명이 붙여졌다. 1초에 2발이 발사되는 연사력이 매우 높은 총으로 등장한다. 지급되는 총알은 1탄에 28발이다. 배틀로얄 모드에서는 필드 드랍 아이템으로 등장한다. 애니메이션 Angel Beats! 여주인공인 유리가 사용한다. 텔레비전 프로그램 CSI: 뉴욕 "인질(Hostage)" 편에서 살인무기로 등장한다. 퓨처웨폰스(Future Weapons)''' "근접전(Close Quater Combat)"편에서 등장한다. 각주 기관단총
amphora/parallel-wiki-koen
full
Expect is an extension to the Tcl scripting language written by Don Libes. The program automates interactions with programs that expose a text terminal interface. Expect, originally written in 1990 for the Unix platform, has since become available for Microsoft Windows and other systems. Basics Expect is used to automate control of interactive applications such as Telnet, FTP, passwd, fsck, rlogin, tip, SSH, and others. Expect uses pseudo terminals (Unix) or emulates a console (Windows), starts the target program, and then communicates with it, just as a human would, via the terminal or console interface. Tk, another Tcl extension, can be used to provide a GUI. Usage Expect serves as a "glue" to link existing utilities together. The general idea is to figure out how to make Expect use the system's existing tools rather than figure out how to solve a problem inside of Expect. A key usage of Expect involves commercial software products. Many of these products provide some type of command-line interface, but these usually lack the power needed to write scripts. They were built to service the users administering the product, but the company often does not spend the resources to fully implement a robust scripting language. An Expect script can spawn a shell, look up environmental variables, perform some Unix commands to retrieve more information, and then enter into the product's command-line interface armed with the necessary information to achieve the user's goal. After retrieving information by interacting with the product via its command-line interface, the script can make intelligent decisions about what action to take, if any. Every time an Expect operation is completed, the results are stored in a local variable called $expect_out. This allows the script to harvest information to feedback to the user, and it also allows conditional behavior of what to send next based on the circumstances. A common use of Expect is to set up a testing suite for programs, utilities or embedded systems. DejaGnu is a testing suite written using Expect for use in testing. It has been used for testing GCC and remote targets such as embedded development. Expect script can be automated using a tool called 'autoexpect'. This tool observes your actions and generates an Expect script using heuristics. Though generated code may be large and somewhat cryptic, one can always tweak the generated script to get the exact code. # Assume $remote_server, $my_user_id, $my_password, and # $my_command were read earlier in the script. # Open a Telnet session to a remote server, and wait # for a username prompt. spawn telnet $remote_server expect "username:" # Send the username, and then wait for a password prompt. send "$my_user_id\r" expect "password:" # Send the password, and then wait for a shell prompt. send "$my_password\r" expect "%" # Send the prebuilt command, and then wait # for another shell prompt. send "$my_command\r" expect "%" # Capture the results of the command into a variable. This # can be displayed, or written to disk. set results $expect_out(buffer) # Exit the Telnet session, and wait for a special # end-of-file character. send "exit\r" expect eof Another example is a script that automates FTP: # Set timeout parameter to a proper value. # For example, the file size is indeed big and the network # speed is really one problem, you'd better set this # parameter a value. set timeout -1 # Open an FTP session to a remote server, and # wait for a username prompt. spawn ftp $remote_server expect "username:" # Send the username, and then wait for a password prompt. send "$my_user_id\r" expect "password:" # Send the password, and then wait for an 'ftp' prompt. send "$my_password\r" expect "ftp>" # Switch to binary mode, and then wait for an 'ftp' prompt. send "bin\r" expect "ftp>" # Turn off prompting. send "prompt\r" expect "ftp>" # Get all the files send "mget *\r" expect "ftp>" # Exit the FTP session, and wait for a special # end-of-file character. send "bye\r" expect eof Below is an example that automates SFTP (with a password): #!/usr/bin/env expect -f # Procedure to attempt connecting; result 0 if OK, 1 otherwise proc connect {passw} { expect { "Password:" { send "$passw\r" expect { "sftp*" { return 0 } } } } # Timed out return 1 } # Read the input parameters set user [lindex $argv 0] set passw [lindex $argv 1] set host [lindex $argv 2] set location [lindex $argv 3] set file1 [lindex $argv 4] set file2 [lindex $argv 5] #puts "Argument data:\n"; #puts "user: $user"; #puts "passw: $passw"; #puts "host: $host"; #puts "location: $location"; #puts "file1: $file1"; #puts "file2: $file2"; # Check if all were provided if { $user == "" || $passw == "" || $host == "" || $location == "" || $file1 == "" || $file2 == "" } { puts "Usage: <user> <passw> <host> <location> <file1 to send> <file2 to send>\n" exit 1 } # Sftp to specified host and send the files spawn sftp $user@$host set rez [connect $passw] if { $rez == 0 } { send "cd $location\r" set timeout -1 send "put $file2\r" send "put $file1\r" send "ls -l\r" send "quit\r" expect eof exit 0 } puts "\nError connecting to server: $host, user: $user and password: $passw!\n" exit 1 Using passwords as command-line arguments, like in this example, is a huge security hole, as any other user on the machine can read this password by running "ps". You can, however, add code that will prompt you for your password rather than giving your password as an argument. This should be more secure. See the example below. stty -echo send_user -- "Enter Password: " expect_user -re "(.*)\n" send_user "\n" stty echo set PASS $expect_out(1,string) Another example of automated SSH login to a user machine: # Timeout is a predefined variable in Expect which by # default is set to 10 seconds. # spawn_id is another predefined variable in Expect. # It is a good practice to close spawn_id handle # created by spawn command. set timeout 60 spawn ssh $user@machine while {1} { expect { eof {break} "The authenticity of host" {send "yes\r"} "password:" {send "$password\r"} "*\]" {send "exit\r"} } } wait close $spawn_id Alternatives Various projects implement Expect-like functionality in other languages, such as C#, Java, Scala, Groovy, Perl, Python, Ruby, Shell and Go. These are generally not exact clones of the original Expect, but the concepts tend to be very similar. C# Expect.NET — Expect functionality for C# (.NET) DotNetExpect — An Expect-inspired console automation library for .NET Erlang lux - test automation framework with Expect style execution commands. Go GoExpect - Expect-like package for the Go language go-expect - an Expect-like Go language library to automate control of terminal or console based programs. Groovy expect4groovy  - a Groovy DSL implementation of Expect tool. Java ExpectIt — a pure Java 1.6+ implementation of the Expect tool. It is designed to be simple, easy to use and extensible. expect4j — an attempt at a Java clone of the original Expect ExpectJ — a Java implementation of the Unix expect utility Expect-for-Java — pure Java implementation of the Expect tool expect4java  - a Java implementation of the Expect tool, but supports nested closures. There is also wrapper for Groovy language DSL. Perl Expect.pm — Perl module (newest version at metacpan.org) Python Pexpect — Python module for controlling interactive programs in a pseudo-terminal winpexpect — port of pexpect to the Windows platform paramiko-expect — A Python expect-like extension for the Paramiko SSH library which also supports tailing logs. Ruby RExpect — a drop in replacement for the expect.rb module in the standard library. Expect4r — Interact with Cisco IOS, IOS-XR, and Juniper JUNOS CLI Rust rexpect - pexpect-like package for the Rust language. Scala scala-expect — a Scala implementation of a very small subset of the Expect tool. Shell Empty — expect-like utility to run interactive commands in the Unix shell-scripts sexpect — Expect for shells. It's implemented in the client/server model which also supports attach/detach (like GNU screen). References Further reading External links (IBM Developerworks) Scripting languages Free software programmed in Tcl Automation software Tk (software) Public-domain software with source code
Expect(익스펙트)는 Don Libes가 개발한 Tcl 스크립팅 언어의 확장 기능으로서 터미널 인터페이스를 노출하는 프로그램과의 상호작용을 자동화하기 위한 프로그램이다. Expect는 원래 1990년 유닉스 시스템을 위해 개발되었으나 그 뒤로 마이크로소프트 윈도우와 다른 운영 체제용으로 이용이 가능해졌다. 기초 Expect는 텔넷, 파일 전송 프로토콜, passwd, fsck, rlogin, tip, SSH와 같은 상호작용 응용 프로그램의 제어를 자동화하기 위해 사용된다. Expect는 의사 터미널(유닉스)을 사용하거나 콘솔을 에뮬레이트(윈도우)하고 대상 프로그램을 시작한 다음 마치 인간 세상에서 하는 것처럼 해당 프로그램과 통신하며 이는 터미널이나 콘솔 인터페이스를 통해 이루어진다. 또다른 Tcl 확장 기능인 Tk는 그래픽 사용자 인터페이스를 제공하기 위해 사용할 수 있다. Expect는 정규 표현식 패턴 매칭과 일반 프로그램 기능들이 있으므로 단순한 스크립트들이 프로그래밍 언어, 매크로, 기타 프로그램 매커니즘이 결여된 텔넷, FTP, SSH 등의 프로그램들을 똑똑하게 제어할 수 있게 한다. 사용법 'autoexpect'라는 도구를 사용하여 expect 스크립트의 생성을 자동화할 수 있다. 이 도구는 동작을 관찰하여 휴리스틱을 사용하여 expect를 생성한다. 생성된 코드의 크기가 클 수 있고 다소 아리송할 수 있지만 생성된 스크립트를 트윅하여 정확한 코드를 얻어내는 것이 가능하다. # Assume $remote_server, $my_user_id, $my_password, and $my_command were read in earlier # in the script. # Open a telnet session to a remote server, and wait for a username prompt. spawn telnet $remote_server expect "username:" # Send the username, and then wait for a password prompt. send "$my_user_id\r" expect "password:" # Send the password, and then wait for a shell prompt. send "$my_password\r" expect "%" # Send the prebuilt command, and then wait for another shell prompt. send "$my_command\r" expect "%" # Capture the results of the command into a variable. This can be displayed, or written to disk. set results $expect_out(buffer) # Exit the telnet session, and wait for a special end-of-file character. send "exit\r" expect eof 다른 예로 FTP를 자동화하는 스크립트는 다음과 같다: # Set timeout parameter to a proper value. # For example, the file size is indeed big and the network speed is really one problem, # you'd better set this parameter a value. set timeout -1 # Open an ftp session to a remote server, and wait for a username prompt. spawn ftp $remote_server expect "username:" # Send the username, and then wait for a password prompt. send "$my_user_id\r" expect "password:" # Send the password, and then wait for an ftp prompt. send "$my_password\r" expect "ftp>" # Switch to binary mode, and then wait for an ftp prompt. send "bin\r" expect "ftp>" # Turn off prompting. send "prompt\r" expect "ftp>" # Get all the files send "mget *\r" expect "ftp>" # Exit the ftp session, and wait for a special end-of-file character. send "bye\r" expect eof 아래는 (비밀번호와 함께) SFTP를 자동화하는 예이다: #!/usr/bin/env expect -f # procedure to attempt connecting; result 0 if OK, 1 otherwise proc connect {passw} { expect { "Password:" { send "$passw\r" expect { "sftp*" { return 0 } } } } # timed out return 1 } #read the input parameters set user [lindex $argv 0] set passw [lindex $argv 1] set host [lindex $argv 2] set location [lindex $argv 3] set file1 [lindex $argv 4] set file2 [lindex $argv 5] #puts "Argument data:\n"; #puts "user: $user"; #puts "passw: $passw"; #puts "host: $host"; #puts "location: $location"; #puts "file1: $file1"; #puts "file2: $file2"; #check if all were provided if { $user == "" || $passw == "" || $host == "" || $location == "" || $file1 == "" || $file2 == "" } { puts "Usage: <user> <passw> <host> <location> <file1 to send> <file2 to send>\n" exit 1 } #sftp to specified host and send the files spawn sftp $user@$host set rez [connect $passw] if { $rez == 0 } { send "cd $location\r" set timeout -1 send "put $file2\r" send "put $file1\r" send "ls -l\r" send "quit\r" expect eof exit 0 } puts "\nError connecting to server: $host, user: $user and password: $passw!\n" exit 1 이 예에서처럼 명령 줄 인수로 비밀번호를 사용하는 것은 커다란 보안 구멍인데, 해당 머신의 다른 사용자가 ps를 실행함으로써 이 비밀번호를 읽어낼 수 있다. 그러나 인수로 비밀번호를 지정하지 않고 비밀번호를 직접 물어보게 하는 코드를 추가할 수 있다. 이것이 더 안전한 편이다. 아래의 예를 참고할 것. stty -echo send_user -- "Enter Password: " expect_user -re "(.*)\n" send_user "\n" stty echo set PASS $expect_out(1,string) 사용자 머신에서 자동화하는 ssh 로그인의 다른 예는 다음과 같다: #timeout is a predefined variable in expect which by default is set to 10 sec #spawn_id is another default variable in expect. #It is good practice to close spawn_id handle created by spawn command set timeout 60 spawn ssh $user@machine while {1} { expect { eof {break} "The authenticity of host" {send "yes\r"} "password:" {send "$password\r"} "*\]" {send "exit\r"} } } wait close $spawn_id 대안 C#, 자바, 스칼라, 그루비, 펄, 파이썬, 루비, 셸, Go와 같은 다른 언어로 된 다양한 프로젝트는 Expect와 같은 기능을 구현한다. 이들은 일반적으로 원래의 Expect의 복제물은 아니지만 유사한 개념의 양상을 보인다. C# Expect.NET — Expect functionality for C# (.NET) DotNetExpect — An Expect-inspired console automation library for .NET 자바 expect4j — an attempt at a Java clone of the original Expect ExpectJ — a Java implementation of the Unix expect utility Expect-for-Java — pure Java implementation of the Expect tool expect4java  - a Java implementation of the Expect tool, but supports nested clousures. There is also wrapper for Groovy language DSL. 스칼라 scala-expect — a Scala implementation of a very small subset of the Expect tool. 그루비 expect4groovy  - a Groovy DSL implementation of Expect tool. 펄 Expect.pm — 펄 module (newest version at metacpan.org) 파이썬 Pexpect — 파이썬 module for controlling interactive programs in a pseudo-terminal winpexpect — port of pexpect to the Windows platform 루비 RExpect — a drop in replacement for the expect.rb module in the standard library. Expect4r — Interact with Cisco IOS, IOS-XR, and Juniper JUNOS CLI 셸 Empty — expect-like utility to run interactive commands in the UNIX shell-scripts Go GoExpect - expect-like package for the Go language 각주 추가 문헌 "Advanced Programming in Expect: A Bulletproof Interface" 외부 링크 Expect page — on The Tcler's Wiki IBM Blog 스크립트 언어 Tk 자동화 소프트웨어
amphora/parallel-wiki-koen
full
Sandra Moore Faber (born December 28, 1944) is an American astrophysicist known for her research on the evolution of galaxies. She is the University Professor of Astronomy and Astrophysics at the University of California, Santa Cruz, and works at the Lick Observatory. She has made discoveries linking the brightness of galaxies to the speed of stars within them and was the co-discoverer of the Faber–Jackson relation. Faber was also instrumental in designing the Keck telescopes in Hawaii. Early life and education Faber studied at Swarthmore College, majoring in Physics and minoring in Mathematics and Astronomy. She earned her bachelor's degree in 1966. She then earned her PhD in 1972 from Harvard University, specializing in Optical Observational Astronomy under the direction of I. John Danziger. During this time the only observatory open to her was the Kitt Peak National Observatory, which had inadequate technology for the complexity of her thesis. Personal life Faber married Andrew Leigh Faber, a fellow Swarthmore physics major one year her junior, on June 9, 1967. They have two daughters, Robin and Holly. Career and research In 1972, Faber joined the faculty of the Lick Observatory at University of California, Santa Cruz, becoming the first woman on staff. In 1976, Faber observed the relationship between the brightness and spectra of galaxies and the orbital speeds and motions of the stars within them. The law that resulted would become known as the Faber–Jackson relation, after herself and the co-author, graduate student Robert Jackson. Three years later, Faber and collaborator John S. Gallagher published a paper collecting all of the evidence for the existence of dark matter that had been published at that point. In 1983, she published original research showing that dark matter was not composed of fast-moving neutrinos ("hot dark matter") and that instead, it was likely composed of slow-moving particles yet to be discovered ("cold dark matter"). Around 1984, Faber collaborated with Joel Primack, George Blumenthal, and Martin Rees to elucidate their theory of how dark matter was part of galaxy formation and evolution. This was the first proposal of how galaxies have formed and evolved from the Big Bang to today. While some details have been proven wrong, the paper still stands as the current working paradigm for structure information in the universe. She and her collaborators discovered high-speed galaxy flows. In 1985, Faber was involved with the construction of the Keck Telescope and building the first wide-field planetary camera for the Hubble Space Telescope. UC Berkeley physicist Jerry Nelson designed the Keck telescope, but Faber helped to sell the idea of large optical telescopes all over the world. The Keck telescope is the second largest optical telescope in the world, with a 10-meter primary mirror of a novel type that consists of 36 hexagonal segments. Sandra Faber co-chaired the Science Steering Committee, which oversaw the first-light instrument for Keck I. She also continued to insist on high optical quality for the primary mirror of the Keck I, and went on to work on the Keck II as well. During the later 1980s, Faber got involved in an eight-year project called the "Seven Samurai" collaboration, which attempted to catalogue the size and orbital speeds of 400 galaxies. Though this goal was not met, the group developed a way to estimate the distance to any galaxy, which became one of the most reliable ways to measure the total density of the universe. In 1990, she assisted with the on-orbit commissioning of the wide field planetary camera for the Hubble Space Telescope. She says this was one of the most exhilarating and well-known phases of her career. The optics of the Hubble were flawed, and Faber and her team helped to diagnose the cause as spherical aberration. In 1995, Faber was appointed University Professor at UCSC. Faber was also the principal investigator of the Nuker Team, which used the Hubble Space Telescope to search for supermassive black holes at the centers of galaxies. One of her most recent works include the addition of a new optical spectrograph for the Keck II telescope, which saw its first light in 1996. The new addition would increase the Keck II's power for observing far-away galaxies by 13-fold. She has also joined up with other scientists to create the CANDELS project, which is the largest survey of the universe taken by the Hubble Telescope. At UCSC she focuses her research on the evolution of structure in the universe and the evolution and formation of galaxies. In addition to this, she led the development of the DEIMOS instrument on the Keck telescopes to obtain spectra of cosmologically distant galaxies. On August 1, 2012 she became the Interim Director of the University of California Observatories. Sandra Faber was a co-editor of the Annual Review of Astronomy and Astrophysics with Ewine van Dishoeck from 2012 to 2021. Honors and awards 1977, Alfred P. Sloan Foundation Fellowship 1978, Bart J. Bok Prize, Harvard University 1985. elected to the National Academy of Sciences 1985, Dannie Heineman Prize for Astrophysics 1986, Honorary Degree, Swarthmore College 1989, elected member, American Academy of Arts and Sciences 1996-1997, Antoinette de Vaucouleurs Lectureship and Medal, University of Texas 1997, Honorary Degree, Williams College 2001, elected to the American Philosophical Society 2005, Medaille de l'Institute d'Astrophysique de Paris 2006, Harvard Centennial Medal 2006, Member, Harvard Board of Overseers 2006, Honorary Degree, University of Chicago 2009, Bower Award and Prize for Achievement in Science, Franklin Institute 2010, Honorary Degree, University of Pennsylvania 2011, Honorary Degree, University of Michigan 2011, Henry Norris Russell Lectureship, American Astronomical Society 2012, Bruce Medal, Astronomical Society of the Pacific 2012, Karl Schwarzschild Medal, German Astronomical Society 2012, National Medal of Science 2017, Gruber Prize in Cosmology 2018, Magellanic Premium Medal, American Philosophical Society 2020, Gold Medal of the Royal Astronomical Society 2020, Elected a Legacy Fellow of the American Astronomical Society Member, Board of Trustees of the Carnegie Institution for Science Minor planet #283277 Faber is named for her. See also Faber–Jackson relation Hubble Space Telescope Nuker Team List of women in leadership positions on astronomical instrumentation projects References Further reading External links Inventory of the Sandra M. Faber Papers, Online Archive of California Dr. Faber's page @ UCSC See video of Dr. Faber @ Meta-Library.net , from the Silicon Valley Astronomy Lectures Oral history interview transcript with Sandra M. Faber on 15 October 1955, American Institute of Physics, Niels Bohr Library & Archives Oral history interview transcript with Sandra M. Faber on 12 November 2020, American Institute of Physics, Niels Bohr Library & Archives Video of Faber talking about her work, from the National Science & Technology Medals Foundation 1944 births Living people American women astronomers American cosmologists Scientists from California Fellows of the American Academy of Arts and Sciences Members of the United States National Academy of Sciences Harvard Graduate School of Arts and Sciences alumni Lick Observatory University of California, Santa Cruz faculty Winners of the Dannie Heineman Prize for Astrophysics 20th-century American astronomers 21st-century American astronomers 20th-century American women scientists 21st-century American women scientists Swarthmore College alumni Members of the American Philosophical Society Sloan Research Fellows Recipients of the Gold Medal of the Royal Astronomical Society Planetary scientists Women planetary scientists Fellows of the American Astronomical Society Annual Reviews (publisher) editors Benjamin Franklin Medal (Franklin Institute) laureates
샌드라 무어 페이버(Sandra Moore Faber, 1944년 12월 28일 출생)는 은하의 진화에 대한 연구로 유명한 미국의 천체 물리학자이다. 그녀는 산타크루즈 캘리포니아 대학교의 천문학 및 천체 물리학 대학교수이며 릭 천문대에서 일하고 있다. 은하의 밝기와 은하 내의 항성의 속도의 상호 관계에 관한 페이버-잭슨 관계식의 공동 발견자이다. 또한 하와이에 있는 켁 망원경의 설계에 중요한 역할을 했다. 어린 시절과 교육 페이버는 스와스모어 칼리지에서 물리학을 전공하고 수학과 천문학을 부전공으로 공부하여 1966년에 학사 학위를 받았다. 또한 1972년 하버드 대학교에서 존 단지거(I. John Danziger)의 지도 아래 광학 관측 천문학을 전공하여 박사 학위를 받았다. 이 기간 동안 그녀가 일할 수 있게 개방된 천문대는 키트 피크 국립 천문대뿐이었는데, 이 곳의 기술은 그녀 논문의 복잡성에 비해서 부적합했다. 개인 생활 페이버는 1967년 6월 9일, 동료이며 스와스모아 칼리지의 물리학 전공 1년 후배인 앤드류 레이 페이버(Andrew Leigh Faber)와 결혼하여 두 딸 로빈과 홀리를 두고 있다. 경력 및 연구 샌드라 페이버는 1972년, 산타크루즈 캘리포니아 대학교의 릭 천문대 교수진에 합류하여 최초의 여성 교원이 되었다. 1976년에는 은하의 밝기와 스펙트럼, 및 은하 내에 항성의 궤도 속도와 운동 사이의 상호 관계를 관측했다. 이 연구 결과에 따른 법칙은 페이버 자신과 공동 저자인 대학원생 로버트 잭슨의 이름을 따서 페이버-잭슨 관계로 알려져 있다. 3년 후 페이버와 공동 연구자 존 S. 갤러거는 당시 발표된 암흑 물질의 존재에 대한 모든 증거를 수집한 논문을 발표했다. 1983년에 그녀는 암흑 물질이 빠르게 움직이는 중성미자 ("뜨거운 암흑 물질")로 구성되지 않고 그 대신에 아직 발견되지 않은 느리게 움직이는 입자("차가운 암흑 물질")로 구성되었을 가능성이 있음을 보여주는 독창적인 연구 결과를 발표했다. 1984년경 페이버는 조엘 프리막, 조지 블루먼살 및 마틴 리스와 협력하여 암흑 물질이 어떻게 은하 형성 및 진화에 기여하는지에 대한 자신들의 이론을 설명했는데, 이것은 빅뱅에서 오늘날까지 은하가 형성되고 진화하는 과정에 대한 최초의 제안이다. 일부 세부 사항은 오류로 입증되었지만 이 논문은 여전히 우주의 구조 정보에 대한 현재의 연구 패러다임으로 자리 잡고 있다. 그녀와 동료들은 고속의 은하 흐름을 발견했다. 1985년에는 켁 망원경 건설과 허블 우주 망원경을 위한 최초의 광시야 행성 카메라 설치에 참여했다. 버클리 캘리포니아 대학교의 물리학자인 제리 넬슨이 켁 망원경을 설계했는데 페이버는 전 세계에 대형 광학 망원경에 관한 아이디어를 전파하는 데 도움을 주었다. 켁 망원경은 세계에서 두 번째로 큰 광학 망원경으로 36개의 육각형 부분으로 구성되는 새로운 유형의 10m 주경을 갖추고 있다. 그녀는 '켁 I'의 최초 광학 기기를 감독하는 과학 운영 위원회의 공동 의장도 맡았다. 또한 그녀는 '켁 I'의 주경에 대한 광학 품질 제고를 지속적으로 주장했고 이어서 '켁 II'에서도 업무를 계속했다. 1980년대 후반에 페이버는 400개 은하의 크기와 궤도 속도를 분류하려는 7인의 사무라이 공동 연구라는 8년간의 프로젝트에 참여했다. 이 목표는 달성되지 못했는데 이 그룹에서는 은하까지의 거리를 추정하는 방법을 개발했고 이는 우주의 전체 밀도의 측정을 위한 가장 신뢰할 수 있는 방법 중의 하나가 되었다. 1990년에 그녀는 허블 우주 망원경용 광시야 행성 카메라의 궤도상 시운전을 도왔다. 그녀는 이것이 자신의 경력에서 가장 짜릿하고 유명한 시기 중의 하나라고 말하고 있다. 허블 우주 망원경의 광학 장치에 결함이 있었는데 페이버와 그녀의 팀은 그 원인이 구면 수차이라는 점을 밝혀내는데 기여하였다. 1995년에는 산타크루즈 캘리포니아 대학교(USSC)의 대학 교수로 임명되었다. 페이버는 또한 허블 우주 망원경을 사용하여 은하 중심에 있는 초대형 블랙홀을 검색한 누커 팀의 수석 조사관이었다. 그녀의 가장 최근 작업 중 하나는 1996년에 첫 번째 빛을 본 '켁 II' 망원경을 위한 새로운 광학 분광기를 추가한 것이다. 새로운 추가에 의해서 멀리 떨어진 은하계를 관찰하는 '켁 II'의 능력이 13배 증가 될 것이다. 또한 다른 과학자들과 합류하여 허블 망원경으로 우주를 조사하는 최대 규모의 CANDELS 프로젝트를 시작하였다. 그녀는 현재 UCSC에서 우주 구조의 진화와 은하계의 진화 및 형성에 대한 연구에 집중하고 있다. 이 외에도 우주론적으로 멀리 떨어진 은하의 스펙트럼을 얻기 위해 켁 망원경의 DEIMOS 장비 개발을 이끌었다. 2012년 8월 1일 그녀는 캘리포니아 대학교 천문대 임시 소장(Director)이 되었다. 샌드라 페이버는 2012년부터 2021년까지 어윈 반 디쇼크(Ewine van Dishoeck)와 함께 학술지 《천문학 및 천체물리학 애뉴얼 리뷰》의 공동 편집자이다. 명예와 상 1977, 앨프리드 P. 슬론 재단 펠로우십 1978, 하버드 대학교 바트 J. 복 상 1985, 미국 국립 과학 아카데미 회원 1985, 천체물리학 부문 대니 하이네만 상 1986, 스와스모어 칼리지 명예 학위 1989, 미국 예술 과학 아카데미 회원으로 선출됨 1996-1997, 텍사스 대학교 앙투아네트 드보쿨뢰르 강사직 및 메달, 1997, 일리엄스 칼리지 명예 학위 2001, 미국철학회 회원 2005, 파리 천체물리학 연구소 메달(Medaille de l'Institute d'Astrophysique de Paris) 2006, 하버드 100주년 메달 2006, 하버드 감독 위원회 회원 2006, 시카고대학교 명예학위 2009, 프랭클린 연구소, 과학업적 분야 보우어 상 및 상금 2010, 펜실베니아 대학교 명예학위 2011, 미시간 대학교 명예학위 2011, 미국천문학회, 헨리 노리스 러셀 강사직 상 2012, 태평양 천문학회 브루스 메달 2012, 독일 천문학회 칼 슈바르츠실트 메달, 2012, 국가 과학 메달 2017, 그루버 우주론상 2018, 미국철학회 마젤란 프리미엄 메달 2020, 왕립천문학회 금메달 2020, 미국천문학회 레거시 펠로우로 선출 카네기 과학 협회 이사회 이사 소행성 #283277 페이버는 그녀의 이름을 따서 명명됨 같이 보기 페이버-잭슨 관계 허블 우주 망원경 누커 팀 천문 관측 프로젝트의 주역을 맡은 여성 목록 참조 추가 자료 외부 링크 샌드라 M. 페이버 논문 목록, 캘리포니아 온라인 아카이브 페이버 박사의 웹 페이지 @ UCSC Dr. Faber @ Meta-Library.net의 비디오 보기 실리콘 밸리 천문학 강의 1955년 10월 15일 샌드라 페이버의 구술 역사에 관한 인터뷰 녹취록, 미국 물리학회, 닐스 보어 도서관 & 기록관 2020년 11월 12일 샌드라 M. 페이버의 구술 역사 인터뷰 기록, American Institute of Physics, Niels Bohr Library & Archives 국가 과학기술 메달 재단(National Science & Technology Medals Foundation)에서 자신의 업적에 대해 설명하는 페이버의 비디오 행성과학자 스와스모어 대학교 동문 캘리포니아 대학교 샌타크루즈 교수 미국 과학 아카데미의 회원 미국 예술과학 아카데미 석학회원 살아있는 사람 1944년 출생
amphora/parallel-wiki-koen
full
First, remember the full list of equations and variables in our prvious model. Then, print out a new list, with all the equations which need to be changed so we Investment in fossil energy: Capital accumulation: $$ K\_{t+1} = I\_{t} + (1-\delta)K\_t $$ Energy production: $$ E\_{f,t} = \eta\_{f} K\_{f,t}^{\alpha\_{f}} L\_{f,t}^{\beta\_{f}} $$ $$ E\_{g,t} = \eta\_{g} K\_{g,t}^{\alpha\_{g}} L\_{g,t}^{\beta\_{g}} $$ Green energy capital: $$ K\_{g,t+1} = I\_{g,t} + (1-\delta\_{g})K\_{g,t} $$ Returns on labor: $$ W\_{f,t} = (1-\alpha\_{f})\frac{\eta\_{f} K\_{f,t}^{\alpha\_{f}} L\_{f,t}^{\beta\_{f}}}{E\_{f,t}} $$ $$ W\_{g,t} = (1-\alpha\_{g})\frac{\eta\_{g} K\_{g,t}^{\alpha\_{g}} L\_{g,t}^{\beta\_{g}}}{E\_{g,t}} $$ $$ W\_{r,t} = (1-\alpha\_{r})\frac{Y\_{r,t}}{L\_{r,t}} $$ Energy prices: $$ P\_{f,t} = \frac{W\_{f,t}}{\eta\_{f}} $$ $$ P\_{g,t} = \frac{W\_{g,t}}{\eta\_{g}} $$ Energy consumption: $$ C\_{f,t} = \min(D\_{f,t}, E\_{f,t}) $$ $$ C\_{g,t} = \min(D\_{g,t}, E\_{g,t}) $$ Total output and consumption: $$ Y\_{r,t} = C\_{f,t} + C\_{g,t} + Y\_{r,t-1} $$ $$ C\_{r,t} = \frac{\gamma\_{t}}{\gamma\_{t}+1} Y\_{r,t} $$ $$ H\_{t} = \frac{1}{2}\left[\left(\frac{E\_{f,t}}{E\_{f,0}}\right)^{1-\theta}+\left(\frac{E\_{g,t}}{E\_{g,0}}\right)^{1-\theta}\right] $$ Demand for energy: $$ D\_{f,t} = \epsilon\_{f} \frac{P\_{f,t}}{P\_{r,t}} \frac{Y\_{r,t}}{P\_{f,t} + P\_{g,t}} $$ $$ D\_{g,t} = \epsilon\_{g} \frac{P\_{g,t}}{P\_{r,t}} \frac{Y\_{r,t}}{P\_{f,t} + P\_{g,t}} $$ Fossil fuel energy capital: $$ K\_{f,t+1} = I\_{f,t} + (1-\delta\_{f})K\_{f,t} $$ Energy investment: $$ I\_{t} = I\_{f,t} + I\_{g,t} $$ $I\_{F,t} = \alpha\_F (K\_{F,t} - \delta\_{F,t-1})$ $K\_{F,t} = K\_{F,t-1} + I\_{F,t}$ Investment in green energy: $I\_{G,t} = \alpha\_G (K\_{G,t} - \delta\_{G,t-1})$ $K\_{G,t} = K\_{G,t-1} + I\_{G,t}$ Depreciation for fossil energy: $\delta\_{F,t} = \delta\_{F,t-1} + \gamma\_F K\_{F,t-1}$ Depreciation for green energy: $\delta\_{G,t} = \delta\_{G,t-1} + \gamma\_G K\_{G,t-1}$ Hidden variables for production: $A\_{F,t} = e^{\eta\_{F,t}}$ $A\_{G,t} = e^{\eta\_{G,t}}$ Production of fossil energy: $Q\_{F,t} = A\_{F,t} K\_{F,t}^{\alpha\_{KF}} E\_{F,t}^{\alpha\_{EF}}$ Production of green energy: $Q\_{G,t} = A\_{G,t} K\_{G,t}^{\alpha\_{KG}} E\_{G,t}^{\alpha\_{EG}}$ Where: $I\_{F,t}$: Investment in fossil energy at time $t$ $\alpha\_F$: Share of output invested in fossil energy $K\_{F,t}$: Capital stock in fossil energy at time $t$ $\delta\_{F,t}$: Depreciation of capital stock in fossil energy at time $t$ $\gamma\_F$: Depreciation rate for fossil energy $I\_{G,t}$: Investment in green energy at time $t$ $\alpha\_G$: Share of output invested in green energy $K\_{G,t}$: Capital stock in green energy at time $t$ $\delta\_{G,t}$: Depreciation of capital stock in green energy at time $t$ $\gamma\_G$: Depreciation rate for green energy $A\_{F,t}$: Hidden variable for production function of fossil energy at time $t$ $\eta\_{F,t}$: Shock to hidden variable for production function of fossil energy at time $t$ $\alpha\_{KF}$: Share of capital in fossil energy production function $E\_{F,t}$: Energy consumption of fossil energy at time $t$ $A\_{G,t}$: Hidden variable for production function of green energy at time $t$ $\eta\_{G,t}$: Shock to hidden variable for production function of green energy at time $t$ $\alpha\_{KG}$: Share of capital in green energy production function $E\_{G,t}$: Energy consumption of green energy at time $t$ Otávio Oliveira Bopp Print the meaning of every symbol our equations used $C$: total consumption $C\_i$: consumption of good $i$ $E$: total energy production $E\_f$: fossil energy production $E\_g$: green energy production $H$: total healthcare cost $H\_f$: healthcare cost due to fossil energy production $H\_g$: healthcare cost due to green energy production $I$: total investment $I\_f$: investment in fossil energy production $I\_g$: investment in green energy production $K$: total capital $K\_f$: capital in fossil energy production $K\_g$: capital in green energy production $L$: total labor $L\_f$: labor in fossil energy production $L\_g$: labor in green energy production $P$: price level $P\_i$: price of good $i$ $r$: return on investment in the overall economy $r\_f$: return on investment in fossil energy production $r\_g$: return on investment in green energy production $S$: savings $T$: taxes $Y$: real GDP $Y\_i$: real output of good $i$ $\alpha$: elasticity of demand for energy $\beta\_f$: elasticity of demand for fossil energy $\beta\_g$: elasticity of demand for green energy $\delta$: rate of depreciation in the overall economy $\delta\_f$: rate of depreciation in fossil energy production $\delta\_g$: rate of depreciation in green energy production $\gamma$: fraction of energy cost going to healthcare cost due to fossil energy production $\theta\_f$: fraction of capital investment going to fossil energy production $\theta\_g$: fraction of capital investment going to green energy production $A$: total factor productivity $A\_f$: factor productivity in fossil energy production $A\_g$: factor productivity in green energy production $h$: healthcare cost per unit of fossil energy produced $h\_g$: healthcare cost per unit of green energy produced $i$: nominal interest rate $k$: capital-output ratio in the overall economy $k\_f$: capital-output ratio in fossil energy production $k\_g$: capital-output ratio in green energy production $n$: labor force growth rate $p\_f$: price level for fossil energy $p\_g$: price level for green energy
먼저 이전 모델의 전체 방정식 및 변수 목록을 기억합니다. 그런 다음 변경해야 하는 모든 방정식이 포함된 새 목록을 인쇄하여 다음과 같이 작성합니다. 화석 에너지에 대한 투자: 자본 축적: $$ K\_{t+1} = I\_{t} + (1-\delta)K\_t $$ 에너지 생산: $$ E\_{f,t} = \eta\_{f} K\_{f,t}^{\alpha\_{f}} L\_{f,t}^{\beta\_{f}} $$ $$ E\_{g,t} = \eta\_{g} K\_{g,t}^{\alpha\_{g}} L\_{g,t}^{\beta\_{g}} $$ 친환경 에너지 자본: $$ K\_{g,t+1} = I\_{g,t} + (1-\delta\_{g})K\_{g,t} $$ 노동에 대한 수익률: $$ W\_{f,t} = (1-\alpha\_{f})\frac{\eta\_{f} K\_{f,t}^{\alpha\_{f}} L\_{f,t}^{\beta\_{f}}}{E\_{f,t}} $$ $$ W\_{g,t} = (1-\알파\_{g})\frac{\eta\_{g} K\_{g,t}^{\alpha\_{g}} L\_{g,t}^{\beta\_{g}}}{E\_{g,t}} $$ $$ W\_{r,t} = (1-\alpha\_{r})\frac{Y\_{r,t}}{L\_{r,t}} $$ 에너지 가격: $$ P\_{f,t} = \frac{W\_{f,t}}{\eta\_{f}} $$ $$ P\_{g,t} = \frac{W\_{g,t}}{\eta\_{g}} $$ $$ 에너지 소비량: $$ C\_{f,t} = \min(D\_{f,t}, E\_{f,t}) $$ $$ C\_{g,t} = \min(D\_{g,t}, E\_{g,t}) $$ 총 출력 및 소비량: $$ Y\_{r,t} = C\_{f,t} + C\_{g,t} + Y\_{r,t-1} $$ $$ C\_{r,t} = \frac{\감마\_{t}}{\감마\_{t}+1} Y\_{r,t} $$ $$ H\_{t} = \frac{1}{2}\left[\left(\frac{E\_{f,t}}{E\_{f,0}}\right)^{1-\theta}+\left(\frac{E\_{g,t}}{E\_{g,0}}\right)^{1-\theta}\right] $$ 에너지 수요: $$ D\_{f,t} = \epsilon\_{f} \frac{P\_{f,t}}{P\_{r,t}} \frac{Y\_{r,t}}{P\_{f,t} + P\_{g,t}} $$ $$ D\_{g,t} = \epsilon\_{g} \frac{P\_{g,t}}{P\_{r,t}} \frac{Y\_{r,t}}{P\_{f,t} + P\_{g,t}} $$ 화석 연료 에너지 자본: $$ K\_{f,t+1} = I\_{f,t} + (1-\delta\_{f})K\_{f,t} $$ 에너지 투자: $$ I\_{t} = I\_{f,t} + I\_{g,t} $$ I\_{F,t} = \alpha\_F (K\_{F,t} - \delta\_{F,t-1})$$. $K\_{F,t} = K\_{F,t-1} + I\_{F,t}$$ 친환경 에너지에 대한 투자: I\_{G,t} = \alpha\_G (K\_{G,t} - \delta\_{G,t-1})$. $K\_{G,t} = K\_{G,t-1} + I\_{G,t}$. 화석 에너지에 대한 감가상각: $\delta\_{F,t} = \delta\_{F,t-1} + \gamma\_F K\_{F,t-1}$. 친환경 에너지에 대한 감가상각: $\delta\_{G,t} = \delta\_{G,t-1} + \gamma\_G K\_{G,t-1}$ 프로덕션용 숨겨진 변수: $A\_{F,t} = e^{\eta\_{F,t}}$ A\_{G,t} = e^{\eta\_{G,t}}$ 화석 에너지의 생산: Q\_{F,t} = A\_{F,t} K\_{F,t}^{\alpha\_{KF}} E\_{F,t}^{\alpha\_{EF}}$ 친환경 에너지 생산: Q\_{G,t} = A\_{G,t} K\_{G,t}^{\alpha\_{KG}} E\_{G,t}^{\alpha\_{EG}}$ 여기서: I\_{F,t}$: 시간 $t$에서 화석 에너지에 투자한 금액 알파\_F$: 화석 에너지에 투자된 생산량 비중 K\_{F,t}$: 시점 $t$에서 화석 에너지에 대한 자본 스톡 델타\_{F,t}$: 시간 $t$에서 화석 에너지의 자본스톡 감가상각액 감마\_F$: 화석 에너지의 감가상각률 I\_{G,t}$: 시점 $t$에서 친환경 에너지에 대한 투자액 알파\_G$: 친환경 에너지에 투자된 생산량 비중 K\_{G,t}$: 시점 $t$에서 친환경 에너지에 대한 자본 스톡 델타\_{G,t}$: 시점 $t$에서 녹색 에너지에 대한 자본스톡의 감가상각액 감마\_G$: 친환경 에너지의 감가상각률 A\_{F,t}$: 시간 $t$에서 화석 에너지의 생산 함수에 대한 숨겨진 변수 에타\_{F,t}$: 시간 $t$에서 화석 에너지의 생산 함수에 대한 숨겨진 변수에 대한 충격 알파\_{KF}$: 화석 에너지 생산함수에서 자본이 차지하는 비중 E\_{F,t}$: 시간 $t$에서 화석 에너지의 에너지 소비량 A\_{G,t}$: 시간 $t$에서 친환경 에너지의 생산 함수에 대한 숨겨진 변수 $\eta\_{G,t}$: 시간 $t$에서 녹색 에너지의 생산 함수에 대한 숨겨진 변수에 대한 충격 알파\_{KG}$: 녹색 에너지 생산함수에서 자본이 차지하는 비중 E\_{G,t}$: 시간 $t$에서 친환경 에너지의 에너지 소비량 오타비오 올리베이라 보프 방정식에 사용된 모든 기호의 의미를 인쇄합니다. C$: 총 소비량 C\_i$: 재화 $i$의 소비량 E$: 총 에너지 생산량 E\_f$: 화석 에너지 생산량 E\_g$: 친환경 에너지 생산량 H$: 총 의료 비용 $H\_f$: 화석 에너지 생산으로 인한 의료 비용 H\_g$: 친환경 에너지 생산으로 인한 의료 비용 I$: 총 투자 I\_f$: 화석 에너지 생산에 투자한 비용 I\_g$: 친환경 에너지 생산에 대한 투자 K$: 총 자본 K\_f$: 화석 에너지 생산에 투입된 자본 K\_g$: 친환경 에너지 생산에 투입된 자본 $L$: 총 노동 $L\_f$: 화석 에너지 생산에 투입된 노동력 L\_g$: 친환경 에너지 생산에 투입된 노동력 $P$: 가격 수준 $P\_i$: 재화 $i$의 가격 r$: 전체 경제에 대한 투자 수익률 r\_f$: 화석 에너지 생산에 대한 투자 수익률 r\_g$: 친환경 에너지 생산에 대한 투자 수익률 $S$: 절감액 T$: 세금 Y$: 실질 GDP Y\_i$: 재화 $i$의 실질 산출량 알파$: 에너지 수요의 탄력성 베타\_f$: 화석 에너지 수요의 탄력성 베타\_g$: 친환경 에너지에 대한 수요 탄력성 델타$: 전체 경제의 감가상각률 델타\_f$: 화석 에너지 생산의 감가상각률 델타\_g$: 친환경 에너지 생산의 감가상각률 감마$: 화석 에너지 생산으로 인해 의료 비용으로 사용되는 에너지 비용의 비율 theta\_f$: 화석 에너지 생산에 사용되는 자본 투자 비율 theta\_g$: 자본 투자 중 녹색 에너지 생산에 사용되는 비율
squarelike/sharegpt_deepl_ko_translation
full
Hit the Top () is a South Korean television series starring Yoon Shi-yoon, Lee Se-young, Kim Min-jae and Cha Tae-hyun. The drama aired on KBS2, from June 2 to July 22, 2017, on Fridays and Saturdays at 23:00 (KST) for 32 episodes. Hit the Top is the first drama directed by Yoo Ho-jin, who directed the third season of variety show 2 Days & 1 Night; and the directorial debut of Cha Tae-hyun, who also co-starred. Synopsis In the year 1993, pop idol Yoo Hyun-Jae accidentally travels through time to 2017. Discovering that he mysteriously disappears in 1994 and is presumed dead, he begins to investigate into the reason for his disappearance while trying to adjust to life in the future. Meanwhile, Lee Ji-Hoon is an aspiring musician and is secretly enrolled as an idol trainee at Star Punch Entertainment. Ji-hoon struggles to hide this from his parents, who believe he has been studying for his civil service exams. Cast Main Yoon Shi-yoon as Yoo Hyun-jae A popular Korean pop idol from the 1990s and the lead partner of performing duo J2. Known for his good looks, talent, and controversies, he accidentally time travels to 2017 and helplessly tries to adjust to the modern way of living. Lee Ji Hoon's biological father. Lee Se-young as Choi Woo-seung A cheerful, perky student who is also preparing with Lee Ji-hoon for the civil exam. After finding out about her boyfriend's infidelity with her roommate, she reluctantly moves in to Ji-hoon's apartment. Kim Min-jae as Lee Ji-hoon He is Lee Gwang-jae's foster child. Despite preparing to take a civil service exam, he is secretly struggling to become an idol at Star Punch Entertainment. It is later revealed that he is the son of Yoo Hyun-jae and Hong Bo-hee. Cha Tae-hyun as Lee Gwang-jae Lee Ji-hoon's adoptive father and World Planning Entertainment's CEO. Currently running a desolate management firm, he used to be Yoo Hyun-jae's hotshot manager. For years, he has harbored a one-sided love for Hong Bo-hee. Supporting World Entertainment Yoon Son-ha as Hong Bo-hee Lee Ji-hoon's mother. Once a very famous K-pop singer in the 90s, her controversial relationship with Hyun-jae has led to her career's demise and now manages a bakery adjacent to the firm. She continuously tries to make a comeback to the entertainment industry. as MC Drill An aspiring rapper who secretly lives with best friend Ji-hoon at the latter's loft. A fellow idol trainee at Star Punch, he also harbors a secretive past, such as his military enlistment. Lee Deok-hwa as Lee Soon-tae President of Entertainment Management Association and the chairman of World Entertainment who ceaselessly tries to fund it despite its dismal state. Star Punch Entertainment Hong Kyung-min as Park Young-jae The other half of J2 who was constantly overshadowed by his duo partner Hyun-jae. He currently manages Star Punch Entertainment using the latter's lost musical works that he secretly keeps in his office. Im Ye-jin as Cathy Chairwoman of Star Punch who is constantly critical of Young-jae. Cha Eun-woo as MJ One of Star Punch's popular idols, and a frequent recipient of works from Hyun-jae's lost musical material, which he is forced to claim as his own. Bona as Do Hye-ri An idol trainee who is on the brink of debuting. However, she is always pressured by her weight and appearance which keeps her from being presented to the music scene. Others as Mal-sook Lee Jung-min as Heol-re Son Soo-min as Beol-ddeok Choi Seung-hoon as Shin Hwa Kim Seung-hyun Lim Sung-min Kim Ji-hyun Choi Ri-yoon Ha Nam-woo Lim Ji-seob Kim Tae-bin Hong Seok-yoon Lee Ha-na Yoon Sun-ah Choi Jung-eun Lim Yoo-mi Yoon Kab-soo Kim Young-hee Lee Sung-hoon Gong Min-gyu Kim Yong-jae Kim Ji-eun Han Hyong-gyu Lee Young-rae Choi Nam-uk Kim Do-yoon Nam Seung-woo Lee Ri-na Ryu Ba Uk Sa-na Park Mi-hyo Choi Seul-gi Ko Jin-myung Seo Hee Kim Ji-yeon Jo Moon-young Kim Hyong-gyu Kwon Hyuk Seo Hye-jin Choi Jung-eun Ahn Nyu-mi Lee Soo-min Choi Yoo-sol Min Do-hee Special appearances Kim Byung-chan as Gayo Top 10 MC (Ep. 1) Ko Chang-seok as Photographer (Ep. 1) Shin Seung-hwan as Noryangjin Academy Instructor (Ep. 1) Kim Sook as Kim Sook, a student and one of MJ's fans (Ep. 1–3, 8, 17–18) Shorry J as Soo-jin, an ex-Star Punch Entertainment trainee (Ep. 1) Park Hyuk-kwon as Director Park (Ep. 1, 7) Choi Hwa-jung as herself, radio DJ (Ep. 1–2) Kim Jun-ho as a karaoke customer (Ep. 1) / doctor (Ep. 3) as a karaoke customer (Ep. 1) / car crash victim (Ep. 2) as reporter Lee Kwang-soo as Yoon-gi, Choi Woo-seung's ex-boyfriend (Ep. 1–2) as Choi Woo-seung's roommate (Ep. 1–2, 25) Ahn Gil-kang as a criminal suspect (Ep. 2) Choi Kwon as policeman interrogating Choi Woo-seung (Ep. 2) Defconn as himself (Ep. 3) Jang Hyuk (Ep. 3) WJSN as Star Punch trainees (Ep. 4) Monsta X as themselves (Ep. 4) Kwon Ki-jong as a food delivery man/referee (Ep. 5) Lee Yoo-jong Kim Dong-hyeon as music producer at Star Punch Entertainment (Ep. 7) as Challenge Music Star (TV show) host (Ep. 7–8) Kim Jong-min (Ep. 8) as MC at talent show (Ep. 10) Lee Soon-jae as man at the convenience store Yoon Ji-on as Detective Kan Mi-youn as Ha Soo-young (Ep. 16) as a phishing scammer (Ep. 21) as Chairwoman Oh of Jongno Entertainment (Ep. 25, 28) Episodes Production Hit the Top is the second "variety-drama" produced by KBS after The Producers in 2015. It is produced by director Seo Soo-min, who is currently the chief producer for KBS's Happy Sunday programming block and the former PD of the now-defunct program Gag Concert. Seo also worked on a few episodes of The Producers. Chorokbaem Media, the company behind The Producers, was tapped to produce Hit the Top for KBS. Sitcom writer Lee Young-chul (Potato Star 2013QR3, High Kick! and Once Upon a Time in Saengchori) is penning the script. The first script reading took place on April 3, 2017, in Sangam-dong, Seoul, South Korea. Original soundtrack Part 1 Part 2 Part 3 Part 4 Part 5 Part 6 Part 7 Part 8 Ratings In the table below, represent the lowest ratings and represent the highest ratings. NR denotes that the drama did not rank in the top 20 daily programs on that date. Awards and nominations Notes References External links Website Hit the Top at Chorokbaem Media 2017 South Korean television series debuts Korean Broadcasting System television dramas Korean-language television shows South Korean comedy-drama television series South Korean time travel television series Television series set in 1993 Television series set in 2017 Television series by Chorokbaem Media 2017 South Korean television series endings South Korean musical television series Television series by Monster Union
《최고의 한방》은 2017년 6월 2일부터 2017년 7월 22일까지 KBS 2TV에서 방영된 한국방송공사 금토드라마 및 예능 드라마인데 극 초반 예능이라기에는 재미가 떨어진 데다 드라마라고 하기에는 스토리가 탄탄하지 못한 것이 시청자들에게 실망을 안겼으나 후반부로 갈수록 극이 전달하는 메시지가 뚜렷해진 데다 중심 인물들 위주로 스토리가 배치되며 안정을 찾기도 했다. 줄거리 사랑하고, 이야기하고, 먹고 사는 것을 치열하게 고민하는 이 시대의 20대 청춘 소란극. 등장인물 주요 인물 윤시윤 : 유현재(23세) 역 - 본명 유봉재. 1993년 인기 음악 그룹 제이투의 멤버 이세영 : 최우승(23세) 역 - 지훈의 죽마고우, 3년차 공시생 김민재 : 이지훈(23세) 역 - 스타펀치의 모범적인 만년 연습생 차태현 : 이광재(46세) 역 - 월드기획 대표, 지훈의 호적상 아버지 월드기획 윤손하 : 홍보희(43세) 역 - 지훈의 어머니, 가수 동현배 : MC 드릴(23세+7세) 역 - 지훈의 옥탑방 룸메이트 이덕화 : 이순태(70세) 역 - 연예매니지먼트협회 회장 스타펀치 홍경민 : 박영재(46세) 역 - 대표, 제이투 멤버 임예진 : 캐시(58세) 역 - 영재의 아내, 재력가 차은우 : 엠제이(23세) 역 - 천재 아이돌, 최고의 한류스타 보나 : 도혜리(20세) 역 - 소속사 연습생 그 외 이정민 : 헐레 역 - 월드기획 소속 가수 손수민 : 벌떡 역 - 월드기획 소속 가수 이한서 : 이말숙 역 김승현 : 엠제이의 매니저 역 임성민 : 최우승의 어머니 역 김지현 최라윤 하남우 인지선 김태빈 : 중학생 역 홍석연 이하나 윤선아 최정은 : 여고생 역 안유미 : 여고생 역 윤갑수 김영희 이성훈 공민규 : 경찰관 역 김용재 김지은 : 연예가중계 MC 역 한홍규 이영래 최남욱 : 감독관 역 김도윤 : 연습생 역 남승우 : 연습생 역 이리나 류바 옥사나 박미효 최슬기 : 여고생 역 고진명 서희 김지연 조문영 김홍규 권혁 서혜진 : 카페직원 역 최정은 안유미 이수민 : 편의점 사장 역 최유솔 이종구 : 편의점 할아버지 역 민상우 : 은행 직원 역 김선녀 : 노래방 사장 역 이현영 오한아름 : 즉석 노래자랑 내가 가수다 참가 여학생 역 김선은 : 공연관계자 역 최현준 : 핸드폰 매장직원 역 민준현 : 매장 매니저 역 이연선 : 쥬얼리삽 매니저 역 이준희 : 학원강사 역 정효준 백상훈 민영준 윤재정 문강혁 홍환표 : 광고팀장 역 오윤수 : 스타펀치 인포 역 김태형 : 김팀장 역 강민정 : 면접 관리자 역 구성준 : 학교 선배 역 한여울 : 스타펀치 직원 역 함진성 : CF스탭 역 김윤태 : CF 감독 역 김오복 : 하수영의 매니저 역 박혜진 : 119대원 역 신신범 : 중국집주인 역 정예녹 : 여학생 역 우혜란 : 여학생 역 최정현 : 스타펀치직원 역 하예린 윤미향 : 분식집주인 역 김성훈 : 엔터대표 역 박재홍 : 건축가 역 이인아 : 알바생 역 이일균 : 행인 역 김태리 : 안내직원 역 임백천 : 촬영스탭 역 이승기 : MV감독 역 김광인 : 의사 역 최승훈 최다미 최세민 : 여고생 역 강다영 : 코디 역 신우철 : 스타펀치팀장 역 윤영목 : 엔터관계자 역 장동열 전헌태 : 물류창고직원 역 지성근 : 물류창고직원 역 강민지 최윤빈 : 작곡가 역 박진욱 : 해병 역 김태진 : 해병 역 주동희 강태식 : 은행원 역 김사훈 : 시계매장 점원 역 박서영 : 아줌마 역 한유정 정시현 주영호 : 작곡가 역 윤지욱 : 작곡가 역 오연지 : 편의점알바 역 이수진 : 스타펀치인턴 역 김은선 : 스타펀치인턴 역 유소이 : 유치원선생님 역 이성주 김민경 권성현 : 여의사 역 신원우 : 택시운전기사 역 정현석 : 파출소경찰 역 이정성 : 90년대 의사 역 이선영 : 90년대 간호사 역 이진화 : 의사 역 이창 : 납골당직원 역 조윤정 이서한 김민석 김승주 : FD 역 정지원 : 카페직원 역 강필선 : 응급실의사 역 임채은 : 카페직원 역 백수민 : 카페 남자아이 역 특별 출연 김병찬 : 연예가중계 MC 역 손범수 : 가요톱텐 MC 역 고창석 : 사진사 역 신승환 : 노량진 학원강사 역 김숙 : 엠제이의 사생팬 역 쇼리 J : 수진 역 - 스타펀치의 연습생 박혁권 : 박 PD 역 최화정 : 최화정 역 - <오늘 그대와 최화정입니다> 프로그램 라디오 DJ 김준호 : 노래방 손님 / 의사 역 김대희 : 노래방 손님 / 차 흠집 피해자 역 정다은 : 취재기자 역 이광수 : 윤기 역 - 최우승의 애인 안길강 : 범죄 용의자 역 최권 : 최우승을 취조하는 경찰 역 장혁 : 전화하는 남자 역 데프콘 : 데프콘 역 몬스타엑스 우주소녀 (설아, 수빈, 여름, 루다, 은서, 다영) 권기종 : 택배기사 역 - 딱밤 때리기 심판 이유종 : 스타펀치 소속 댄스 트레이너 역 MC그리 : 스타펀치 소속 프로듀서 역 김일중 : 도전 가요스타 MC 역 김종민 : 길거리 남자 역 장재영 : 즉석 노래자랑 내가 가수다 MC 역 간미연 : 하수영 역 이수지 : 보이스 피싱 사기꾼 역 이주실 : 엔터테인먼트계의 거물 역 세미 : 은아 역 립버블 : 립버블 역 시청률 촬영지 수림아트센터 파리바게트 메세나폴리스 몰 OST 파트 1 파트 2 파트 3 파트 4 파트 5 파트 6 파트 7 파트 8 이모저모 차태현이 본인의 전 출연작 《프로듀사》에서 맡았던 캐릭터인 라준모를 예명으로 하여 이 드라마의 공동 연출을 맡았으며 해당 작품에 앞서 자사 수목 미니시리즈 《김과장》 캐스팅 제의를 받았으나 고사했다. 편성 변경 《비하인드 한방》은 2017년 6월 3일부터 2017년 7월 22일까지 8부작으로 15분간 방송했었다. 각주 외부 링크 최고의 한방 공식 홈페이지 2017년 드라마 한국방송공사 금토드라마 연예계를 배경으로 한 작품 시간 여행을 소재로 한 드라마 초록뱀미디어의 텔레비전 프로그램 한국방송공사 예능드라마 이영철 시나리오 작품 이미림 시나리오 작품 2010년대 대한민국의 텔레비전 프로그램 2017년에 시작한 대한민국 TV 프로그램 2017년에 종료한 대한민국 TV 프로그램
amphora/parallel-wiki-koen
full
A junior college (sometimes referred to colloquially as a juco, JuCo or JC) is a post-secondary educational institution offering vocational training designed to prepare students for either skilled trades and technical occupations and support roles in professions such as engineering, accountancy, business administration, nursing, medicine, architecture, and criminology, or for additional education at another college with more advanced academic material. Students typically attend junior colleges for one to three years. By country Bangladesh In Bangladesh, after completing the tenth-grade board exam (Secondary School Certificate), students attend two years of junior college, named intermediate college. After passing the SSC exam, students can apply for their desired colleges, where they study in three groups, namely Science, Humanities and Commerce, for two years. After that, students sit for Higher Secondary Certificate at the end of their second year in intermediate College. Canada Quebec India In India, Junior Colleges are the higher secondary educational institutions which offers higher secondary education (Class 11th-12th) like Senior Secondary Schools or High Schools and Equivalent to them which we have in many Indian States but these Institutions are just meant for Higher Secondary Education (Class 11th-12th) unlike School as in India majority of the National and State Boards provide Schooling from Nursery till Class 12th however, some State Boards like Telangana, Maharashtra, Odisha, Assam, Karnataka, Andhra Pradesh, Bihar and Uttar Pradesh have a system of Junior College System where High School Students after taking the Class 10th board exams (SSLC/ SSC), have to apply to Junior Colleges to complete their Class 11th and Class 12th as these State Boards provide Schooling from Nursery till 10th grade only so and here in Jr.Colleges the 11th and 12th grades is popularly known and called as PUC, Intermediate Course and HSC in respectively. Also in India the Junior colleges are also referred to as Pre-University Colleges and Intermediate Colleges. Junior colleges are frequently co-located with Degree Colleges or with Secondary Schools . Japan In Japan after World War II, junior colleges (短期大学) typically provide two-year courses of study but may also provide a three-year course of study. Students who complete the course of study at a junior college are entitled to an associate degree or diploma. In Japan before World War II, there were three years of national junior colleges (旧制高校). in Tokyo in Sendai in Kyoto in Kanazawa in Kumamoto in Okayama in Kagoshima in Nagoya Netherlands In the Netherlands, junior college is equivalent to MBO (middle-level vocational education). The MBO lasts one to four years, depending on the level. There are 4 levels offered to students: MBO level 1: Assistant training. It lasts 1 year maximum. It is focused on simple executive tasks. If the student graduates, he/she can apply to MBO level 2. MBO level 2: Basic vocational education. The programme lasts 2 to 3 years and is focused on executive tasks. MBO level 3: The programme lasts 3 to 4 years. Students are taught to achieve their tasks independently. MBO level 4: Middle Management VET. It lasts 3 to 4 years and prepares for jobs with higher responsibility. It also opens the gates to higher education. At all levels, MBO offers 2 possible pathways: a school-based education, where training within a company takes between 20 and 59% of the curriculum, or an apprenticeship education, where this training represents more than 60% of the study time. Both paths lead to the same certification. Students in MBO are mostly between 16 and 35. Students of the "apprenticeship" path are overall older (25+). After MBO (4 years), pupils can enroll in HBO (higher professional education) or enter the job market. Singapore In Singapore, a Junior College (JC) is equivalent to a sixth form college in the United Kingdom. After the GCE 'O' level examinations in Secondary 4 or 5, students may apply for admission to either a JC or a polytechnic. The two years spent in a JC culminate in a GCE 'A' level certificate, which is the most common qualification used for university admission. In the past, secondary schools offered both 'O' and 'A' Levels and students in classes studying for the 'A' Levels were known as the "Pre-University" class. During the 1980s and 1990s, the government began the process of transferring all 'A' Level courses to centralised JCs. At present, students finish their 'O' Levels at a secondary school and may choose to take the 'A' Levels at a JC or as a private candidate. South Korea In South Korea, junior colleges (전문대학) typically provide 2-year courses of study but may also provide a 3-year course of study if permitted by presidential decree. Students who complete the course of study at a junior college are entitled to an associate degree or diploma. Junior colleges are also permitted, subject to presidential decree, to offer "advanced major courses" for their students that will lead to a bachelor's degree. Junior colleges in South Korea include Yeungjin College and Jeonbuk Science College. United Kingdom United States In the United States, a junior college is a two-year post-secondary school whose main purpose is to provide academic, vocational and professional education. The highest certificate offered by such schools is usually an associate degree, although junior college students may continue their education at a four-year university or college, transferring some or all of the credits earned at the junior college toward the degree requirements of the four-year school. The term "junior college" historically referred to all non-bachelor's degree granting post-secondary schools. However, over the last few decades, many public junior colleges, which typically aim to serve a local community, have replaced "junior" with "community" in their names. Thus, most self-identified junior colleges in the United States today are private institutions, although only a small percentage of all two-year institutions are private. Private junior colleges in the United States reached their peak numbers in the 1940s, and have been declining ever since. In the course of the 20th century, many public and private junior colleges evolved into four-year colleges, in some cases passing through an intermediary period as a four-year junior college; institutions that followed this trajectory include Westminster College in Salt Lake City and Shimer College in Mt. Carmel, Illinois. Cultural connotations Junior colleges in the United States have long had to contend with a reputation for low academic standards. The concept can be traced back 100 years to the original public junior college, Joliet Junior College, which was established in a high school as the equivalent of thirteenth and fourteenth grades, to prepare qualified students for the final two years of college. To some extent, this is inherent in the junior college mission of providing practical education to students who for various reasons fall outside the typical profile of a four-year college student (for example, someone who has graduated from high school and spent several years working in a relatively unskilled job). Over the years, such colleges developed a reputation as schools of last resort. According to federal statistics, 42% of public community college freshmen take remedial courses. This does not necessarily affect their future transfer prospects: a junior college graduate with good grades can generally transfer to a four-year school and go on to obtain a full bachelor's degree. There is a growing movement of students who are attending junior colleges to save significant sums of money in the first two years of a four-year education. Athletics Certain junior colleges also serve as incubators for college athletes, particularly in basketball and football; in sports parlance, they are often referred to as "Jucos". A talented player who would not meet the academic standards of a major college program may be able to play for two years in junior college, establishing an academic record in the process, and then transfer to a major college. This process has occasionally resulted in scandals, often involving the academics of the student athletes. Military junior college In the United States, a military junior college is a military-style junior college that allows cadets to become commissioned officers in the armed forces reserve in two years, instead of the usual four. The students must go on to complete a bachelor's degree before serving as regular officers on active duty. There are currently four military junior colleges: Georgia Military College, Milledgeville, Georgia Marion Military Institute, Marion, Alabama New Mexico Military Institute, Roswell, New Mexico Valley Forge Military Academy and College, Wayne, Pennsylvania See also Four-year junior college Community college Cooling Out Cram school References External links Where Have All the Private 2-Year Colleges Gone? The Survival of Private Junior Colleges – US Federal Education Resources Information Center Clearinghouse for Junior Colleges, Los Angeles, California. college.gov – U.S. Department of Education Types of university or college
전문대학(專門大學, )은 대한민국에 있는 고등교육기관의 일종이다. 고등교육법 제47조에 의거해 설립된 전문대학은 기술과 직업 실무를 중점으로 교육한다. 중견 직업인을 양성하고자 전문 이론과 기술을 교수·연구하는 고등교육기관이다. 수업 연한은 학위과정 마다 다른데 고등교육법에 따르면 전문학사과정은 2년 이상 3년 이하, 학사학위 전공심화과정은 전문학사과정의 수업연한을 포함한 4년 이상, 전문기술석사과정은 2년 이상으로 정해져있다. 의료인 양성을 위한 과정의 수업연한 및 학위에 관한 특례에 적용되는 학과는 4년의 학사학위 과정으로 운영되고 있다. 역사 전문대학의 시작은 1964년 설치된 실업고등 전문학교로 볼 수 있다. 제1차 경제개발 계획이 시작된 직후, 기술 인력의 양성을 위해 전국의 9개교를 설치했는데, 각각 목포해양고등전문학교, 경기공업고등전문학교, 대전공업고등전문학교 외에 삼척시, 부산광역시, 충주시, 예산군, 순천시, 진주시 등에 설치되었다. 5년제 과정으로 설치된 이들 학교는 긴 학제 기간 등으로 인한 중도 탈락자 과다와, 단기 고등교육기관 필요성이 제기됨에 따라 2년제 전문학교로 개편된다. 이전의 실업고등 전문학교가 중학교 졸업자를 대상으로 한 일종의 중등교육기관이었다면, 전문학교는 고교 졸업자를 대상으로 한, 본격적인 고등교육기관으로의 전환이었다. 삼척공업전문학교, 원주간호전문학교, 부산공업전문학교 등 전국 각지에 26개교가 설치되었으며, 졸업 후에는 동일계 대학의 해당 학과에 편입학할 수 있도록 했다. 이후, 1949년 규정되었지만 잘 지켜지지 못한 초급대학과 함께 단기고등교육기관을 1979년, 전문대학으로 일원화하여 재편성하였다. 이에 따라 동양공업전문대학, 유한공업전문대학, 농협협동조합전문대학 등 전국 127개 전문대학이 각지에서 생겨났다. 다만, 모든 초급대학 등이 전문대학으로 편성된 것은 아니다. 강릉초급대학, 안동초급대학, 목포초급대학 등은 4년제 단과대학 등으로 재편성 되기도 하였다. 전문대학의 경우 교명에 ‘전문’을 명시했어야 하나, 1998년 3월에 교명에 ‘전문’을 삭제할 수 있도록 하고, 2011년 11월 ‘대학’ 명칭을 ‘대학교’로 자율적으로 변경할 수 있게 하면서 ‘전문대학’이라 이름 붙인 학교를 찾아보기 어렵게 되었다. 현재는 명지전문대학, 영진전문대학교와 인하공업전문대학 등의 소수의 학교가 교명에 전문대학임을 명시하고 있다. 2018년 기준으로 전국 전문대학 수는 136개교에 달하며, 경기도에 가장 많은 수의 학교가 설치되어 있다. 현황 2020년 기준, 대한민국의 전문대학 수는 137개교에 달한다. 설립 유형별로, 국립 대학은 2개교, 공립 대학은 7개교, 사립 대학은 127개교로, 사립학교의 수가 압도적이다. 학위 전문대학에서 수여되는 학위로는 전문학사, 학사, 전문기술석사가 있다. 2/3년제 전문학사과정 졸업자의 경우 전공 분야별로 전문학사학위()를 수여받는다. 2008년부터 동일계열의 전문학사 소지자의 계속교육을 위해 학사학위(Bachelor's Degree)가 수여되는 학사학위 전공심화과정을 각 전문대학에서 설치 및 운영할 수 있게되었다. 전문학사과정의 수업연한을 포함해 4년 이상의 과정으로 구성해야하여 대부분 1년 또는 2년의 과정으로 개설된다. 지원자격으로는 수업연한에 따라 2년 또는 3년 이상의 동일계열 전문대학 졸업 또는 이와 동등 이상의 학력이 요구되며 학과 개설유형에 따라 관련 분야 재직 경력도 필요할 수 있다. 간호학과의 경우에는 4년제 일원화 정책에 따라 전문대학에서도 대학과 동일한 4년제 학사과정으로 운영되고있다. 2021년 고등교육법 개정으로 석사과정을 설치 및 운영할 수 있게 되었으며 학위는 전문기술석사 학위가 수여된다. 고등교육법에 따라 다른 석사학위와 같은 수준의 학력으로 인정된다. 과거 존재하였던 기관 구제전문학교는 일제강점기에 존재했던 기관이었다. 구제전문학교는 구제고등학교나 대학교 예과 과정과 동일한 학력으로 인정하며 학사과정인 대학교 본과에 입학할 수 있었으며 해방 이후에는 국내 여러 대학의 모체가 되었다. 고등전문학교는 고등학교과정(3년)과 전문대학과정(2년)을 통합한 5년 과정의 교육기관이었다. 1963년 도입되어 1979년 전문대학으로 개편되었다. 전문학교는 고등전문학교에서 고등학교과정(3년)을 제거한 전문대학과정(2년)의 고등교육기관이었다. 1970년 도입되어 1979년 전문대학으로 개편되었다. 경찰전문학교는 대한민국의 경찰관 및 소방관이 될 임용예정자와 현직경찰관을 가르치던 교육훈련기관이었다. 1972년 경찰대학으로 개편되었다. 국가별 사례 1920년에 미국 일리노이주에서 처음 시작되었으며, 미국에서는 1940년 600여 학교까지 늘어났다. 대한민국에서는 교양 있는 직업인의 양성을 위하여 이에 준하는 전문대학을 설치하여 운영하고 있다. 대한민국은 초기, 초급대학이라는 명칭으로 학제를 들여왔으나, 사회적 요구에 맞게 점진적으로, 고등 교육에 준하는 교육과정을 지원하는 전문대학과, 직업적 완성도를 높이기 위한, 전문 인력 양성의 교육 과정은 직업전문학교 등으로 이원화되어 왔다. 일본 단기대학(, ), 일명 단대()는 고등교육기관의 한 형태로, 2~3년제의 대학교이며 고등학교 졸업 후에 입학할 수 있다. 단기대학 제도 취지는 고등교육을 개방하려는 목적이었으나 시간이 지남에 따라 교육수준이 높아가기 때문에 중등교육의 연장으로 여기고 있다. 직업적 완성의 성격도 강하게 띠고 있으며 다른 한편으로는 고등교육의 준비단계로서의 성격도 지니고 있다. 일본에서는 제2차 세계 대전 이후 6-3-3-4 단선화를 실시했지만 요건을 채우지 않기 때문에 4년제 대학화 할 수 없는 학교가 남았다. 본래 잠정적인 존재였던 것을 추인하는 형태로 후에 단기 대학 제도가 법률에 정해졌다. 일본의 단기대학은 통상 2~3년의 교육 과정을 지원하며, 일부 대학은 전문학사()를 수여하기도 한다. 직업교육을 중점으로 하는 고등교육기관은 전문학교()로 칭하며, 일본 학교교육법상 전수학교()로 분류하는 교육기관에서 전문과정(대학교 과정)을 두는 곳이 해당한다. 같이 보기 한국전문대학교육협의회 고등전문학교 - 현재의 전문대학의 전신에 해당되는 학교 전문 석사 전문학사 전문사 각주 유형별 대학 직업 교육 대한민국의 직업 교육 일본의 단기대학
amphora/parallel-wiki-koen
full
PSR B1620−26 b is an exoplanet located approximately 12,400 light-years from Earth in the constellation of Scorpius. It bears the unofficial nicknames "Methuselah" and "the Genesis planet" (named after the Biblical character Methuselah, who, according to the Bible, lived to be the oldest person) due to its extreme age. The planet is in a circumbinary orbit around the two stars of PSR B1620−26 (which are a pulsar (PSR B1620−26 A) and a white dwarf (WD B1620-26)) and is the first circumbinary planet ever confirmed. It is also the first planet found in a globular cluster. The planet is one of the oldest known extrasolar planets, believed to be about 12.7 billion years old. Characteristics Mass, orbit, and age PSR B1620−26 b has a mass of 2.627 times that of Jupiter, and orbits at a distance of 23 AU (3.4 billion km), a little larger than the distance between Uranus and the Sun. Each orbit of the planet takes about 100 years. The triple system is just outside the core of the globular cluster Messier 4. The age of the cluster has been estimated to be about 12.7 billion years, and because all stars in a cluster form at about the same time, and planets form together with their host stars, it is likely that PSR B1620−26 b is also about 12.7 billion years old. This is much older than any other known planet discovered to date, and nearly three times as old as Earth. Host stars PSR B1620−26 b orbits a pair of stars. The primary star, PSR B1620−26, is a pulsar, a neutron star spinning at 100 revolutions per second, with a mass of 1.34 , a likely radius of around 20 kilometers (0.00003 ) and a likely temperature less than or equal to 300,000 K. The second is a white dwarf with a mass of 0.34 , a likely radius of around 0.01 , and a likely temperature less than or equal to 25,200 K. These stars orbit each other at a distance of 1 AU about once every six months. The age of the system is 12.7 to 13 billion years old, making this one of the oldest binary stars known. In comparison, the Sun has an age of 4.6 billion years. The binary system's apparent magnitude, or how bright it appears from Earth's perspective, is 24. It is far too dim to be seen with the naked eye. Evolutionary history The origin of this pulsar planet is still uncertain, but it probably did not form where it is found today. Because of the decreased gravitational force when the core of star collapses to a neutron star and ejects most of its mass in a supernova explosion, it is unlikely that a planet could remain in orbit after such an event. It is more likely that the planet formed in orbit around the star that has now evolved into the white dwarf, and that the star and planet were only later captured into orbit around the neutron star. Stellar encounters are not very common in the disk of the Milky Way, where the Sun is, but in the dense core of globular clusters they occur frequently. At some point during the 10 billion years, the neutron star is thought to have encountered and captured the host star of the planet into a tight orbit, probably losing a previous companion star in the process. About half a billion years ago, the newly captured star began to expand into a red giant (see stellar evolution). Typical pulsar periods for young pulsars are of the order of one second, and they increase with time; the very short periods exhibited by so-called millisecond pulsars are due to the transfer of material from a binary companion. The pulse period of PSR B1620−26 is a few milliseconds, providing strong evidence for matter transfer. It is believed that as the pulsar's red giant companion expanded, it filled and then exceeded its Roche lobe, so that its surface layers started being transferred onto the neutron star. The infalling matter produced complex and spectacular effects. The infalling matter 'spun up' the neutron star, due to the transfer of angular momentum, and for a few hundred million years, the stars formed a low-mass X-ray binary, as the infalling matter was heated to temperatures high enough to glow in X-rays. Mass transfer came to an end when the surface layers of the mass-losing star were depleted, and the core slowly shrunk to a white dwarf. Now the stars peacefully orbit around each other. The long-term prospects for PSR B1620−26 b are poor, though. The triple system, which is much more massive than a typical isolated star in M4, is slowly drifting down into the core of the cluster, where the density of stars is very high. In a billion years or so, the triple will probably have another close encounter with a nearby star. The most common outcome of such encounters is that the lightest companion is ejected from the multiple star system. If this happens, PSR B1620−26 b will most likely be ejected completely from M4, and will spend the rest of its existence wandering alone in interstellar space as an interstellar planet. Detection and discovery Like nearly all extrasolar planets discovered prior to 2008, PSR B1620−26 b was originally detected through the Doppler shifts its orbit induces on radiation from the star it orbits (in this case, changes in the apparent pulsation period of the pulsar). In the early 1990s, a group of astronomers led by Donald Backer, who were studying what they thought was a binary pulsar, determined that a third object was needed to explain the observed Doppler shifts. Within a few years, the gravitational effects of the planet on the orbit of the pulsar and white dwarf had been measured, giving an estimate of the mass of the third object that was too small for it to be a star. The conclusion that the third object was a planet was announced by Stephen Thorsett and his collaborators in 1993. The study of the planetary orbit allowed the mass of the white dwarf star to be estimated as well, and theories of the formation of the planet suggested that the white dwarf should be young and hot. On July 10, 2003, the detection of the white dwarf and confirmation of its predicted properties were announced by a team led by Steinn Sigurdsson, using observations from the Hubble Space Telescope. It was at a NASA press briefing that the name Methuselah was introduced, capturing press attention around the world. Name While the designation PSR B1620−26 b is not used in any scientific papers, the planet is listed in the SIMBAD database as PSR B1620−26 b. Some popular sources use the designation PSR B1620−26 c to refer to the planet, as it was described as the third member of a triple system (composed of the planet and two stars). This designation doesn't appear in the SIMBAD database, and more modern naming conventions use a separated lettering system where lower-case letters to refer to planets and upper-case letters to designate stars (e.g. Gliese 667 Cc is the 'c' planet orbiting Gliese 667C, which is the 'C' star of a triple system), making PSR B1620−26 b the designation for a planet orbiting both stars of the PSR B1620−26 system. Neither usage is employed in the scientific literature with respect to the PSR B1620−26 planet. Though not officially recognized, the name "Methuselah" is commonly used for the planet in popular articles. This name is usually used as the informal name to show the similarities to the planets of the Solar System, while the "latter name" is used astronomically. Methuselah is the only planet to have received a biblical name or nickname, although three other extrasolar planets have been unofficial mythological nicknames (just like in the Solar System), those planets being Dimidium, originally dubbed "Bellerophon"; Gliese 581 g, sometimes called "Zarmina," or even more rarely "Zarmina's World" or "Zarmina's Planet"; and HD 209458 b, occasionally referred to as "Osiris." See also 51 Pegasi b PSR 1257+12 Pulsar planet References External links Circumbinary planets Exoplanets detected by timing Exoplanets discovered in 1993 Exoplanets with proper names Giant planets Pulsar planets Scorpius
PSR B1620-26 b는 전갈자리 방향으로 지구에서 약 12,400광년 떨어진 곳에 있는 외계 행성이다. 비공식적 명칭으로 므두셀라로 불리며, 몇몇 저명성 있는 출처에는 PSR B1620-26 c로 표기되어 있기도 하다. b는 펄사와 백색 왜성으로 이루어진 쌍성계 주위를 공전하고 있다. b는 지금까지 발견된 외계 행성들 중 가장 나이가 많은 것으로 추측되며, 구체적 수령은 127억 살 정도로 보인다. 이름 SIMBAD에서 PSR B1620-26 b라는 명칭을 사용했으나, 정작 SIMBAD가 해당 명칭을 등록하기 전 같은 이름을 사용한 과학 논문은 없었다. 몇몇 유명한 출처에서는 PSR B1620-26 c라는 이름을 쓰는 경우도 있었는데, 아마도 이 행성의 어머니 항성 둘에 이미 A와 B라는 대문자 기호가 붙어 있기 때문에 자식 행성에는 B 다음인 c를 써야 한다는 논리를 내세운 결과로 보인다. 이후 2008년 PSR B1620-26 b과 비슷하게 쌍성 주변을 도는 외계 행성으로 처녀자리 HW가 발견되었는데, 처녀자리 HW의 발견 사실을 보고한 논문에는 행성에 기호를 붙이지 않았다. 따라서 근접 쌍성을 도는 외계 행성에 b 또는 c 중 어느 것을 붙여야 하는가에 대한 논란은 현재진행형이다. 공식적으로 인정되지는 않았지만 이 행성은 종종 므두셀라로 불려 왔다. 므두셀라는 성서 창세기에 등장하는, 인류 역사상 가장 오래 산 사람이다. 따라서 PSR B1620-26 b는 태양계 밖의 외계 행성들 중 신화적 존재의 이름이 붙은 세 천체 중 하나인 셈이다. 그러나 벨레로폰이나 오시리스처럼 자주 언급되지는 않는다. 발견 대다수의 다른 외계 행성들과 마찬가지로 PSR B1620-26 b 역시 행성의 질량이 어머니 항성을 흔드는 현상을 통해 발견되었다(PSR B1620-26 b의 경우는 펄사의 주기에 미묘한 변화가 있는 것을 이용했다). 1990년대 초 도널드 백커 연구진은 쌍성 PSR B1620-26의 도플러 효과를 분석한 결과 세 번째 천체가 있어야 한다고 결론내렸다. 몇 년 후, 펄사와 백색 왜성의 궤도에 미지의 천체가 미치는 중력을 관측한 결과 제3의 천체 질량은 항성이 아니라 그보다 훨씬 작은 천체라는 결과를 얻었다. 1993년 스테판 토르셋 연구진은 이 제3의 천체가 행성이라고 발표했다. 행성의 궤도를 연구한 결과 백색 왜성의 질량을 알 수 있게 되었고, 행성 생성 이론에 입각하여 백색 왜성은 매우 뜨겁고 상대적으로 젊은 존재라는 가설을 내렸다. 이후 2003년 7월 10일 천문학자 스타인 시거슨이 이끄는 천체연구팀이 허블 우주 망원경을 이용하여 이 백색 왜성을 관측, 색지수를 얻었고 표면 온도를 구했다. NASA는 공식 발표에서 이 행성을 므두셀라로 불렀으며 므두셀라의 발견 소식은 전 세계의 관심을 집중시켰다. 물리적 특징 PSR B1620-26 b는 항성 둘로 이루어진 쌍성을 돌고 있다. 하나는 펄사로 1초에 100번 회전하는 중성자별이다. 나머지 하나는 백색 왜성으로 태양 질량의 34퍼센트 정도의 천체이다. 이 둘은 약 6개월 주기로 서로의 질량 중심을 1 천문단위 정도 떨어져서 공전하고 있다. PSR B1620-26 b는 이 둘을 도는 외계 행성으로, 처음 발견되었기 때문에 b라는 기호를 얻었다. 행성의 질량은 목성질량의 2.5배 정도이며 쌍성에서 23 천문단위(34억 킬로미터) 떨어져 있다. 이는 태양에서 해왕성까지의 거리보다 좀 더 먼 정도이다. PSR B1620-26 b는 쌍성을 약 100년 주기로 1회 공전한다. PSR B1620-26 항성계는 구상 성단 메시에 4 중심부에서 약간 바깥쪽에 자리잡고 있다. 성단의 나이는 127억 살 정도인데, 성단 내 별들이 동시에 생겨났음을 고려하면 PSR B1620-26 b 역시 127억 살 정도일 것이다. 이는 지금까지 발견된 외계 행성들 중 가장 오래된 사례이며, 지구 나이의 거의 세 배에 이른다. 진화 과정 이 펄사 행성이 어떻게 생겨났는지에 대해서는 확실하지 않지만 현재의 위치에서 생겨나지 않았을 가능성이 크다. 질량이 큰 별이 진화하여 중심핵이 붕괴하여 초신성 폭발로 갖고 있던 질량 대부분을 날려 버리고 중성자별로 진화할 경우, 그 주변을 돌던 행성은 궤도를 정상적으로 유지할 수 없게 된다. 따라서 b는 지금은 백색 왜성이 된, 태양과 비슷한 항성 주위에서 생겨났을 것이다. 이후 백색 왜성과 행성으로 구성된 행성계는 우주 공간을 이동하던 중 중성자별의 중력에 붙잡혀 지금의 모습을 갖추게 되었을 것이다. 항성끼리 가까이 접근하는 일은 우리 태양이 있는 은하 변두리에서는 자주 발생하지 않지만(항성과 항성 사이는 엄청나게 멀기 때문이다), 별들이 빽빽하게 뭉쳐 있는 구상 성단에서는 자주 일어난다. 지금으로부터 100억 년 ~ 10억 년 중 어느 한 시점에 중성자별 근처로 b와 그 어머니 항성이 접근하였고, 두 천체의 중력적 상호 작용으로 중성자별이 원래 거느리고 있던 동반 천체는 튕겨져 날아갔고 b의 어머니 항성과 중성자별은 서로를 돌기 시작하게 되었다. 서로 합쳐진 지 약 10억 년 후 b의 어머니 항성은 적색 거성으로 진화하여 부풀어 오르게 되었다. 평범한 젊은 펄사들의 자전 속도는 그리 빠르지 않으며 시간이 지나면서 점차 증가한다. 반면 엄청나게 빨리 도는 소위 밀리초 펄사는 쌍성계에서 동반 천체로부터 물질을 공급받은 결과물이다. PSR B1620-26의 자전 주기는 수 밀리초로 여기서 PSR B1620-26은 동반성의 질량을 공급받았음을 알 수 있다. 포획된 항성이 적색 거성으로 진화하면서 로시엽 바깥까지 팽창했으며, 한계를 넘어가자 바깥쪽의 물질들은 중성자별로 이동하기 시작했다. 물질들이 중성자별 표면으로 떨어지면서 복잡하면서도 다채로운 효과를 발생시켰다. 물질들은 각운동량의 이동을 통해 중성자별의 회전 속도를 더욱 빠르게 했다. 낙하 물질들이 엑스선을 뿜을 정도로 중성자별을 달구면서, 수백만 년에 걸쳐 두 별은 저질량 엑스선 쌍성계를 구성하게 된다. 이후 적색 거성의 물질이 모두 중성자별로 떨어지게 되었고, 물질을 빼앗긴 별은 수축하여 백색 왜성이 되었다. 현 시점에서 백색 왜성과 중성자별은 안정적으로 서로를 돌고 있다. 그러나 PSR B1620-26 b의 운명은 장기적으로 볼 때 그리 밝지 않다. 구상 성단 메시에 4 내의 다른 별들과 비교할 때 PSR B1620-26 항성계의 질량은 큰 편에 속하기 때문에 이들은 성단 중심을 향하여 서서히 이동하고 있다. 구상 성단의 중심부는 항성의 밀도가 매우 높고, 10억 년 이내로 항성계는 다른 별 바로 옆을 스쳐 지나갈 것이다. 이 경우 질량이 큰 펄사와 백색 왜성과는 달리 상대적으로 가벼운 PSR B1620-26 b는 항성계에서 내쳐질 것이다. 속박에서 벗어난 b는 성간 공간을 영원에 가까운 시간에 걸쳐 방황하는 떠돌이 행성이 될 것이다. 같이 보기 펄사 행성 페가수스자리 51 b PSR 1257+12 참고 문헌 외부 링크 외계 행성 펄사 행성 전갈자리 1993년 발견한 외계 행성 목성형 행성 쌍성주위 행성
amphora/parallel-wiki-koen
full
Using this data, do step 2, write a python code for a ternary plot, and identify patterns and trends in the data and write methods section, a results section, a discussion and a conclusion section Weight percent Group : 2020\_12\_18\_noc Sample : 2020\_12\_18\_noc\_0006\_QNT Page 1 No. SiO2 Al2O3 FeO CaO MnO SrO ZnO BaO Na2O MgO CO2 Total Comment 1 0.000 0.001 0.865 51.486 0.583 1.391 0.000 0.005 0.024 0.383 42.326 97.064 SP1\_4\_m1\_p6 2 0.009 0.000 0.938 52.081 0.590 1.671 0.000 0.000 0.072 0.398 43.022 98.781 SP1\_4\_m1\_p7 3 0.005 0.000 0.821 51.348 0.574 1.706 0.021 0.000 0.018 0.350 42.293 97.136 SP1\_4\_m2\_p6 4 0.027 0.000 0.018 55.442 0.005 0.122 0.000 0.027 0.010 0.014 43.643 99.308 SP1\_4\_m2\_p7 5 0.000 0.001 0.855 53.966 0.589 1.573 0.020 0.019 0.027 0.386 44.366 101.802 SP1\_4\_m3\_p6 6 0.000 0.000 0.890 52.975 0.506 1.494 0.033 0.034 0.051 0.350 43.513 99.846 SP1\_4\_m4\_p7 7 0.020 0.000 0.887 53.111 0.594 1.669 0.041 0.000 0.046 0.324 43.738 100.430 SP1\_4\_m5A\_p7 8 0.000 0.004 0.883 52.270 0.535 1.459 0.000 0.000 0.000 0.377 42.929 98.457 SP1\_4\_m6\_p5 9 0.000 0.000 0.761 52.945 0.478 1.524 0.024 0.000 0.015 0.325 43.338 99.410 SP1\_4\_m7\_p8 10 0.000 0.007 0.942 52.662 0.490 1.321 0.031 0.000 0.000 0.821 43.692 99.966 SP1\_4\_m8\_p5 11 0.000 0.026 0.859 52.418 0.450 1.407 0.027 0.025 0.001 0.380 43.010 98.603 SP2\_20\_m1\_p1 12 0.003 0.003 0.777 51.796 0.573 1.444 0.000 0.008 0.016 0.359 42.508 97.487 SP2\_20\_m2\_p6 13 0.001 0.000 0.817 51.462 0.531 1.366 0.000 0.000 0.026 0.280 42.121 96.604 SP2\_20\_m2\_p8 14 0.000 0.000 0.886 52.465 0.662 1.600 0.017 0.000 0.000 0.397 43.249 99.276 SP2\_20\_m3\_p5 15 0.000 0.000 0.920 51.589 0.519 1.365 0.036 0.046 0.038 0.349 42.391 97.253 SP2\_20\_m4\_p5 16 0.000 0.000 0.020 56.794 0.000 0.021 0.011 0.000 0.000 0.008 44.607 101.461 SP2\_20\_m4\_p6 17 0.000 0.000 0.824 52.466 0.522 1.554 0.000 0.013 0.017 0.327 43.035 98.758 SP2\_20\_m5\_p7 18 0.000 0.000 0.875 51.565 0.528 1.533 0.004 0.011 0.023 0.360 42.396 97.295 SP2\_20\_m6\_p4 19 0.008 0.022 0.595 51.393 0.577 1.490 0.010 0.000 0.000 0.300 42.060 96.455 SP2\_20\_m7\_p8 20 0.021 0.000 0.737 52.910 0.535 1.510 0.000 0.026 0.041 0.390 43.440 99.610 SP2\_20\_m9A\_p6 21 0.037 0.023 0.234 54.474 0.201 0.146 0.000 0.001 0.035 0.020 43.212 98.383 SP2\_20\_m10\_p7 22 0.000 0.000 0.882 52.182 0.550 1.523 0.000 0.021 0.028 0.366 42.905 98.457 SP2\_20\_m10\_p8 23 0.000 0.000 0.640 51.488 0.564 1.841 0.000 0.000 0.031 0.317 42.298 97.179 SP2\_20\_m11\_p6 24 0.009 0.000 0.914 51.954 0.579 1.450 0.017 0.015 0.073 0.339 42.757 98.107 SP2\_20\_m12\_p4 Minimum 0.000 0.000 0.018 51.348 0.000 0.021 0.000 0.000 0.000 0.008 42.060 96.455 Maximum 0.037 0.026 0.942 56.794 0.662 1.841 0.041 0.046 0.073 0.821 44.607 101.802 Average 0.006 0.004 0.743 52.635 0.489 1.341 0.012 0.010 0.025 0.330 43.035 98.630 Sigma 0.010 0.008 0.268 1.355 0.172 0.495 0.014 0.013 0.021 0.158 0.682 1.446 No. of data 24
이 데이터를 사용하여 2단계에서 삼각형 플롯에 대한 파이썬 코드를 작성하고 데이터의 패턴과 추세를 파악하고 방법 섹션, 결과 섹션, 토론 및 결론 섹션을 작성합니다. 가중치 퍼센트 그룹 : 2020\_12\_18\_noc 샘플 : 2020\_12\_18\_noc\_0006\_QNT 페이지 1 No. SiO2 Al2O3 FeO CaO MnO SrO ZnO BaO Na2O MgO CO2 합계 설명 1 0.000 0.001 0.865 51.486 0.583 1.391 0.000 0.005 0.024 0.383 42.326 97.064 SP1\_4\_m1\_p6 2 0.009 0.000 0.938 52.081 0.590 1.671 0.000 0.000 0.072 0.398 43.022 98.781 SP1_4_m1_p7 3 0.005 0.000 0.821 51.348 0.574 1.706 0.021 0.000 0.018 0.350 42.293 97.136 SP1_4_m2_p6 4 0.027 0.000 0.018 55.442 0.005 0.122 0.000 0.027 0.010 0.014 43.643 99.308 SP1_4_m2_p7 5 0.000 0.001 0.855 53.966 0.589 1.573 0.020 0.019 0.027 0.386 44.366 101.802 SP1_4_m3_p6 6 0.000 0.000 0.890 52.975 0.506 1.494 0.033 0.034 0.051 0.350 43.513 99.846 SP1_4_m4_p7 7 0.020 0.000 0.887 53.111 0.594 1.669 0.041 0.000 0.046 0.324 43.738 100.430 SP1_4_m5A_p7 8 0.000 0.004 0.883 52.270 0.535 1.459 0.000 0.000 0.377 42.929 98.457 SP1_4_m6_p5 9 0.000 0.000 0.761 52.945 0.478 1.524 0.024 0.000 0.015 0.325 43.338 99.410 SP1_4_m7_p8 10 0.000 0.007 0.942 52.662 0.490 1.321 0.031 0.000 0.000 0.821 43.692 99.966 SP1_4_m8_p5 11 0.000 0.026 0.859 52.418 0.450 1.407 0.027 0.025 0.001 0.380 43.010 98.603 SP220m1p1 12 0.003 0.003 0.777 51.796 0.573 1.444 0.000 0.008 0.016 0.359 42.508 97.487 SP2_20m2_p6 13 0.001 0.000 0.817 51.462 0.531 1.366 0.000 0.000 0.026 0.280 42.121 96.604 SP2_20m2_p8 14 0.000 0.000 0.886 52.465 0.662 1.600 0.017 0.000 0.000 0.397 43.249 99.276 SP2_20_m3_p5 15 0.000 0.000 0.920 51.589 0.519 1.365 0.036 0.046 0.038 0.349 42.391 97.253 SP2_20_m4_p5 16 0.000 0.000 0.020 56.794 0.000 0.021 0.011 0.000 0.000 0.008 44.607 101.461 SP2_20_m4_p6 17 0.000 0.000 0.824 52.466 0.522 1.554 0.000 0.013 0.017 0.327 43.035 98.758 SP2_20_m5_p7 18 0.000 0.000 0.875 51.565 0.528 1.533 0.004 0.011 0.023 0.360 42.396 97.295 SP2_20_m6_p4 19 0.008 0.022 0.595 51.393 0.577 1.490 0.010 0.000 0.000 0.300 42.060 96.455 SP2_20_m7_p8 20 0.021 0.000 0.737 52.910 0.535 1.510 0.000 0.026 0.041 0.390 43.440 99.610 SP2_20_m9A_p6 21 0.037 0.023 0.234 54.474 0.201 0.146 0.000 0.001 0.035 0.020 43.212 98.383 P22010p7 22 0.000 0.000 0.882 52.182 0.550 1.523 0.000 0.021 0.028 0.366 42.905 98.457 SP2_20_m10_p8 23 0.000 0.000 0.640 51.488 0.564 1.841 0.000 0.000 0.031 0.317 42.298 97.179 SP2_20_m11_p6 24 0.009 0.000 0.914 51.954 0.579 1.450 0.017 0.015 0.073 0.339 42.757 98.107 SP2_20_m12_p4 최소 0.000 0.000 0.018 51.348 0.000 0.021 0.000 0.000 0.000 0.008 42.060 96.455 최대 0.037 0.026 0.942 56.794 0.662 1.841 0.041 0.046 0.073 0.821 44.607 101.802 평균 0.006 0.004 0.743 52.635 0.489 1.341 0.012 0.010 0.025 0.330 43.035 98.630 시그마 0.010 0.008 0.268 1.355 0.172 0.495 0.014 0.013 0.021 0.158 0.682 1.446 데이터 수 24
squarelike/sharegpt_deepl_ko_translation
full
The Siege of Turin took place from June to September 1706, during the War of the Spanish Succession. A French army led by Louis de la Feuillade besieged the Savoyard capital of Turin, whose relief by Prince Eugene of Savoy has been called the most brilliant campaign of the war in Italy. The siege is also famous for the death of Piedmontese hero Pietro Micca. By 1706, France occupied most of the Duchy of Savoy, leaving only its capital Turin in the possession of its ruler, Victor Amadeus. On 19 April, Louis Joseph, Duke of Vendôme, consolidated the French position in Lombardy by victory at Calcinato. Shortly afterwards, Prince Eugene resumed command of Imperial troops in Northern Italy, while Vendôme was recalled to France in July, and replaced by the Duke of Orleans. De la Feuillade began siege operations on 2 June but made little progress, while Prince Eugene out manoeuvred the French field army under Orleans, and joined forces with 7,000 cavalry led by Victor Amadeus. Despite being outnumbered overall, the Allies were able to concentrate their forces; on 7 September, they attacked the French south of Turin, and after fierce fighting, broke through their lines. The French were forced to withdraw from Northern Italy, allowing Victor Amadeus to recover most of Piedmont, although his possessions north of the Alps were occupied by France until 1713. In March 1707, France, Savoy and Emperor Joseph signed the Convention of Milan, ending the war in Italy. Background The War of the Spanish Succession was triggered by the death in November 1700 of the childless Charles II of Spain. He named his heir as Philip of Anjou, grandson of Louis XIV of France, and on 16 November, he became king of the Spanish Empire. In addition to mainland Spain, this included the Spanish Netherlands, large parts of Italy, and much of Central and South America. In 1701, disputes over territorial and commercial rights led to war between France, Spain, and the Grand Alliance, whose candidate was Charles, younger son of Leopold I, Holy Roman Emperor. Fighting in Northern Italy centred on the Spanish-held Duchies of Milan and Mantua, which were considered essential to the security of Austria's southern borders. In March 1701, French troops occupied both cities; Victor Amadeus II, Duke of Savoy, allied with France, in return for which his daughter Maria Luisa married Philip V. In October 1703, Victor Amadeus decided his interests were better served by switching sides to join the Grand Alliance and during 1704, French armies under de la Feuillade captured Savoyard territories north of the Alps in Villefranche and the County of Savoy. Vendôme conducted a simultaneous offensive in Piedmont, and by the end of 1705 Turin was the only significant city still under Savoyard control. To prevent interference from Imperial forces in Lombardy, Vendôme took the offensive and his victory at Calcinato on 19 April drove them into the Trentino valley. The Austrian commander Prince Eugene returned from Vienna and quickly restored order; this left 30,000 Imperial troops around Verona facing 40,000 French spread between the Mincio and Adige rivers. On 12 May, 48,000 men under de la Feuillade arrived outside Turin, although they did not completely encircle it until 19 June. However, after a serious defeat at Ramillies in Flanders on 23 May, Louis XIV ordered Vendôme back to France and on 8 July he relinquished command in Italy to the inexperienced Philippe II, Duke of Orléans, although it has been argued he was fortunate to be recalled before Prince Eugene exposed his poor strategic planning for the theatre. Orléans was given Ferdinand de Marsin as his main advisor and while neither was a match for the prince, Vendôme was confident they could prevent him intervening at Turin. Siege Turin's defences were divided into the outer city, containing the residential and commercial areas, with a fortified Citadel at its core; normal practice was to take the city first, allowing the besiegers to bombard the citadel from close range. Hoping to speed up operations, La Feuillade decided to begin firing on the citadel as soon as possible, from gun positions constructed 300 metres outside the city. Since 1696, the citadel had been significantly improved based on designs provided by the French military engineer Vauban, and much of it was now underground, including of tunnels used for counter sapping operations. Vauban pointed out firing from that distance meant they could only target the higher part of the walls, not the base, and allegedly offered to have his throat cut if Turin was captured using this approach. Leaving the Austrian general Philipp von Daun in command of the garrison, Victor Amadeus escaped from the city on 17 June with 7,000 cavalry. Attempting to buy time for Prince Eugene, he spent the next two months attacking French supply lines, while La Feuillade continued siege operations 'with more obstinacy than success.' As Vauban predicted, the bombardment inflicted considerable damage, but the citadel remained largely intact, and French mining attempts proved unsuccessful. On 15 August, Prince Eugene began his advance on Turin, easily evading Orléans' covering force; on 29th, he reached Carmagnola south of Turin, where he was joined by Victor Amadeus. Often overlooked, this was a considerable achievement, comparable in skill and execution to Marlborough's march to the Danube. Taking over a battered and defeated army, Prince Eugene first reorganised it, then ...marched 200 miles in 24 days...crossed four major rivers, pierced lines drawn between the mountains to the seas to stop him...and drove superior numbers of the enemy before him. Aware of his approach, Orléans joined La Feuillade, and their combined force made three assaults between 27 August and 3 September. All were repulsed with heavy loss; Pietro Micca was killed on 31 August, after exploding a mine to prevent the French breaking into one of the tunnels underneath the citadel. Including deaths from disease, the leading cause during a prolonged siege, the French suffered losses of 10,000, the garrison 4,500. Battle Despite their losses, French forces around Turin still outnumbered the combined Imperial-Savoyard relief force of 30,000, but they were dispersed along of defences, and morale was low after the failed and costly assaults. On 5 September, the Savoyard-Imperial army concentrated at Collegno, between the Dora Riparia and the Stura di Lanzo rivers near a weak spot in the French lines. On 7 September, Prince Eugene divided his force into eight columns, each split into two lines, leaving gaps between each one for their artillery. Johann of Saxe-Gotha (1677-1707) commanded the right, Charles of Württemberg the left, and Leopold of Anhalt-Dessau the centre. The battle began with an artillery exchange, but the Imperial guns made little impact on the French entrenchments, and around 11:00 am, Prince Eugene ordered a general assault. Although Charles of Württemberg broke through on the left, the rest of the army was held up, before repeated attacks by Leopold, supported by a sortie led by von Daun, finally forced the French to retreat. Orléans was wounded, as was Marsin, who was captured and died the next day; French casualties ranged from 7,000 to 9,000 (including between 3,200 and 6,000 prisoners), those of the Allies ranged from 3,500 to 4,800. The French withdrew from Turin, abandoning their siege artillery, and retreated towards Pinerolo; Victor Amadeus re-entered his capital the same day. Aftermath On 8 September, a French detachment in Lombardy under the Count of Médavy defeated a Hessian corps at Castiglione but this did not affect the strategic position. French garrisons in Pinerolo and Susa were withdrawn, and the forts reoccupied by Savoy. In 1708, Victor Amadeus gained the minor Duchy of Montferrat, but Nice and the County of Savoy were not returned by France until 1713. Savoyard ambitions to gain Milan remained unfulfilled for another 150 years. To the fury of his Allies, in March 1707 Emperor Joseph signed the Convention of Milan with France, ending the war in Northern Italy. In return for handing over Milan and Mantua to Austria, French and Spanish troops were repatriated with all their equipment; many were sent to Southern France, where they helped defeat an Allied attack on the French naval base at Toulon in July. In April, Joseph captured the Spanish-ruled Kingdom of Naples, leaving Austria the dominant power in Italy for the first time in two centuries. After Italian unification in the 19th century, Pietro Micca became an example of patriotism and loyalty to the new Italian state. He was the hero of the 1938 film Pietro Micca; on the tercentenary of his death in 2006, a number of studies were published to mark the occasion, including Le Aquile e i Gigli; Una storia mai scritta. In 2004, construction of an underground carpark in the Piazza Vittorio Veneto uncovered 22 skeletons dating from the early 18th century; a study published in 2019 indicates these are almost certainly casualties from the 1706 siege. References Sources Turin Turin Turin 1706 in France 1706 in Italy History of Turin 1706 in the Holy Roman Empire Turin Turin Turin Turin Turin Turin
토리노 전투()는 1706년 9월 7일 스페인 왕위 계승 전쟁 중, 토리노 시의 서부에서 벌어진 전투이다. 이는 사부아 공자 외젠(Prince Eugene of Savoy)과 사보이아 공작 비토리오 아메데오 2세(Duke Victor Amadeus II of Savoy)(전쟁의 종결 후에 위트레흐트 조약에 의해 시칠리아 왕으로 선언되었다.) 휘하의 동맹군이 얻은 결정적인 승리로, 프랑스의 토리노 공성은 해소되었고, 프랑스군은 북부 이탈리아에서 퇴각하기 시작했다. 오를레앙 공작 필리프 2세(Philippe II, Duke of Orléans), 루이 다부송 드 라 푀이야드(Louis d'Aubusson de la Feuillade), 그리고 페르디낭 드 마르생(Ferdinand de Marsin)등 프랑스군의 지휘관은 포로가 되거나 체포된 상태에서 사망하였다. 배경 전쟁이 발발했을 때, 비토리오 아메데오 2세는 황제군 총사령관(generalissimo)이자 그의 사촌이기도 한 외젠의 후원을 바탕으로 위험을 감수하고, 오스트리아의 합스부르크 왕가의 편에 서기로 했는데, 이는 그들이 유럽의 강자로서 우뚝 섰을 때 사보이아 공국을 최종적으로 완전한 독립을 이루게 하기 위해서였다. 그러나 만약에 패할 경우 피에몬테(Piedmont)와 사보이아는 유럽의 지도에서 사라지게 될 운명이었다. 프랑스 왕 루이 14세는 스페인과 동맹을 맺고, 사보이아와 피에몬테 침략으로 대응하였다. 스페인군이 롬바르디아를 점령했을 때 피에몬테는 적에게 완전히 포위 되었다. 세 방향의 군세에게 공격을 받은 사보이아 공국은 수사(Susa), 베르첼리(Vercelli), 치바소(Chivasso), 이브레아(Ivrea)와 니차(Nizza 1704년에 함락)를 상실했다. 마지막 남은 방어거점은 16세기 중반에 요새화된 토리노 요새 뿐이었다. 1705년 8월 프랑스-스페인 연합군은 공격할 준비를 갖추었으나 드 라 푀이야드(De la Feuillade)는 그의 군대가 아직 적을 제압하기에 확실치 않고 지원군이 준비되지 않았다고 판단하였다. 이 선택은 피에몬테가 그 주변에 있는 도시의 주변에 있는 언덕까지 요새화하고 장기적인 공성전을 준비하면서, 잘못된 것으로 밝혀졌다. 공성전 공성전은 5월 14일 시작하였다. 동맹군은 4만 이상 정도로 추정된다. 프랑스의 원수이자, 공성전의 전문가인 세바스티앙 르 프레스트르 드 보방(Sebastien la Preste de Vauban)은 도시에 대한 우회돌격을 제안하였고, 방어자에 의해 조성된 얼기설기 얽힌 지하갱도는 아주 중요한 장애중이 될 것이라고 말하였다. 그러나 라 푀이야드는 다른 생각을 가지고 있었으며, 그의 군사 엔지니어들로 하여금 긴 참호를 파게 하였다. 전투 중, 도시 인구들의 적극적인 참여로 지원을 얻은 토리노 시는 공성전에서 강렬한 저항을 개시하였고, 공격자들에게 수많은 피해를 입혔다. 전투는 1706년의 전 여름에 걸쳐 계속되었다. 7월 17일, 비토리오 아메데오 2세는 토리노을 떠나 그의 지휘 하에 있는 오스트리아군과 함께 트렌티노(Trentino)에서 진군한 외젠을 만났다. 도시는 오스트리아 장군 비리코 다운(Virico Daun)에게 위임되었다. 도시를 지키기 위하여 지하갱도에서 프랑스군과 함께 폭사한 것으로 유명한 피에트로 미카(Pietro Micca)의 유명한 희생을 포함한 방어군의 영웅적인 저항은 도시가 물샐틈없이 포위된 이 상황에서는 무의미한 것으로 보였다. 그리고 프랑스군은 요새의 첫 번째 보루에까지 접근하고 있었다. 에필로그 9월 2일 두명의 사보이아 군 사령관은 토리노와 그 주변지역을 조망할 수 있는 수페르가(Superga)의 언덕에서 전술적 상황을 분석하였다. 방어자들은 최근까지의 공격으로 압박받은 상황에서 절망으로 인해 진이빠진 상황이었고, 그들은 동맹군의 전위부분에서 가장 취약한 곳으로 평가되던 도시의 북서쪽에 배치된, 기병대를 포함한 오스트리아의 지원군과 함께 공성군을 포위하기로 결심하였다. 이 계책은 성공하였고, 오스트리아군은 도라 리파리아(Dora Riparia)와 사투라 디 란조(Stura di Lanzo) 사이에 진영을 설치했다. 외젠은 선언했다. 최종 공격은 9월 7일 10시에 공성군의 거의 전 전위에 대한 공격으로 시작되었다. 레오폴드 폰 안할트 데사우(Leopold von Anhalt Dessau)가 지휘하는 프로이센 보병대는 세번의 공격을 시도해 실패하였지만, 결과적으로 프랑스 우익을 붕괴시킬 수 있었다. 라 마린 연대(regiment La Marine)는 탄약이 다 떨어지게 되었고, 이로 인해 더 이상 프로이센 보병들을 막아낼 수 없었다. 포위망을 형성한, 오스트리아와 사보이아군은 이러한 방식으로 격퇴하였고, 프랑스-스페인 연합군은 궤주하기 시작했다. 다운(Daun)이 도시의 수비대에게 프랑스-스페인 연합군의 좌익에 대하여 공격을 명했을 때, 프랑스-스페인 연합군은 붕괴되기 시작했고, 스스로 살 길을 찾기 위해 도망치다가 극단적으로는 결국 도라 리파리아강에 수백의 병력이 물에 빠져 죽게 되었다. 프랑스-스페인 연합군은 같은날 이른 오전에 피네롤로(Pinerolo)를 향해 퇴각하기 시작했다. 비토리오 아메데오 2세와 외젠은 해방된 도시에 들어갔고, 승리를 기념하기 위한 테 데움(Te Deum)을 만드는 것을 지원했다. 비토리오 아메데오 2세는 수페르가 언덕에 대성당(Basilica)을 지어 매년 9월 7일 테 데움이 열리게 했는데, 지금도 계속되고 있다. 승리는 남쪽의 전투를 끝내게 하였다. 다음해의 툴롱(Toulon)의 공방전이 실패한 이후에 위트레흐트 조약이 체결되기 전까지 어떤 중대한 군사적 사건도 일어나지 않았다. 새로운 연구 2006년 토리노 전투가 일어난 지 3세기가 지난 후에 세 개의 중요한 연구가 발표되었고 거의 40권에 이르는 책이 이때까지 발표되었다. 그중에 하나인 레 아퀼레 에 이 기글리 스토리아 마이 스크리타(Le Aquile e i Gigli. Una storia mai scritta)는 특히 중요한데, 이것은 이 전투 시 벌어진 작전들을 최초로 분석한 것으로, 역사적이 아닌 전통적인 군사 분석적 방법으로 분석한 최초의 분석을 제시한 것이다. 특히, 이 연구는 프로이센 보병대가 화력과 프랑스군의 병참기기의 결여가 프랑스-스페인 연합군 패배의 결정적인 요소라고 지적하였다. 외부 링크 Pages about the siege Pietro Micca and Siege of Turin Museum 1706년 스페인 왕위 계승 전쟁의 전투 프랑스가 참가한 전투 이탈리아가 참가한 전투 1706년 분쟁 1706년 프랑스 1706년 이탈리아 1706년 신성 로마 제국 토리노의 역사
amphora/parallel-wiki-koen
full
Rogelio "Roger" Domingo Roxas (died May 25, 1993) was a former Filipino soldier who had worked as a locksmith before allegedly discovering in a cave north of Manila a hidden chamber full of gold bars and a giant golden Buddha statue – which Roxas estimated to weigh one metric ton – on a plot of state-owned land near Baguio General Hospital, in Baguio on January 24, 1971. Roxas claimed that the Buddha's head was removable and that it concealed a hollowed-out portion within the statue that contained at least two handfuls of uncut diamonds. The cache was alleged to be a portion of the legendary Yamashita treasure. Seizure of gold On April 6, 1971, Roxas claimed that armed men purportedly from the National Bureau of Investigation and the Criminal Investigation Service forcibly confiscated the gold bars and statue from his home in Aurora Hill, Baguio. On April 19, 1971, the military deposited a Buddha statue at the Baguio City Court; however, Roxas proclaimed that it was not the same statue taken from him. Roxas later claimed that then-President Ferdinand Marcos orchestrated the raid and was in possession of the treasure. Roxas was arrested in Cabanatuan by three men in civilian clothing on May 18, 1971, and jailed for 2 years. Roxas v. Marcos lawsuit In March 1988, a US lawsuit was filed by Rogelio Roxas against former Philippine president, Ferdinand Marcos and his wife Imelda Marcos. Roxas alleged that he was a treasure hunter who in 1971 was searching for Yamashita's gold. In determining whether there was sufficient evidence to support Roxas' claim, the court considered the following evidence and testimony submitted by Roxas: Sometime in 1970, Roxas's group began digging on state lands near the Baguio General Hospital. After approximately seven months of searching and digging "24 hours a day," the group broke into a system of tunnels. Inside the tunnels, the group found wiring, radios, bayonets, rifles, and a human skeleton wearing a Japanese army uniform. After several weeks spent digging and exploring within the tunnels, Roxas's group discovered a ten-foot thick concrete enclosure in the floor of the tunnel. On January 24, 1971, the group broke through the enclosure. Inside, Roxas discovered a gold-colored buddha statue, which he estimated to be about three feet in height. The statue was extremely heavy; it required ten men to transport it to the surface using a chain block hoist, ropes and rolling logs. Although he never weighed the statue, Roxas estimated its weight to be 1 tonne. Roxas directed his laborers to transport the statue to his home and place it in a closet. Roxas also found a large pile of boxes underneath the concrete enclosure, approximately fifty feet from where the buddha statue had been discovered. He returned the next day and opened one small box, which contained twenty-four one-inch by two-and-one-half-inch bars of gold. Roxas estimated that the boxes were, on average, approximately the size of a case of beer and that they were stacked five or six feet high, over an area six feet wide and thirty feet long. Roxas did not open any of the other boxes. Several weeks later, Roxas returned to blast the tunnel closed, planning to sell the buddha statue in order to obtain funds for an operation to remove the remaining treasure. Before blasting the tunnel closed, Roxas removed the twenty-four bars of gold, as well as some samurai swords, bayonets and other artifacts. Roxas twice attempted to report his find to Judge Marcos, but was unsuccessful in contacting him. During the following weeks, Roxas sold seven of the gold bars and sought a buyer for the golden buddha. Roxas testified that Kenneth Cheatham, the representative of one prospective buyer, drilled a small hole under the arm of the buddha and assayed the metal. The test revealed the statue to be solid twenty-two carat gold. Roxas also testified that a second prospective buyer, Luis Mendoza, also tested the metal of the statue using nitric acid and concluded that it was "more than 20 carats." Roxas claimed that after he discovered the treasure, he was arrested by Marcos, the treasure was seized, and he was tortured. After his release, Roxas died under suspicious circumstance, leading to speculation that he had been murdered. The lawsuit was asserted by his estate and The Golden Budha [sic] Corporation, a company formed for the purpose of asserting Roxas' rights to the treasure. In 1996, a jury in Honolulu awarded $22 billion in compensatory damages that increased with interest to over $40 billion. The jury did not award punitive damages. On November 17, 1998, the Hawaii Supreme Court reversed the $41 billion judgment against Ferdinand and Imelda Marcos. A justice department statistical bulletin on civil verdicts claims that the court found insufficient evidence that Roxas had actually discovered the gold bullion while treasure hunting north of Manila in 1971. However, the actual judicial decision of the court only cites insufficient evidence to establish the quantity and quality of the gold bullion found and left in the concrete chamber: "...there was insufficient evidence to support an award of damages for such gold bullion as may have been contained in the unopened boxes allegedly found by Roxas, inasmuch as the record was speculative regarding the gold's quantity and purity..." Furthermore, the Court sustained the portion of the verdict that found that Marcos had stolen the golden Buddha and 17 bars of gold (the 24 bars Roxas took out of the chamber minus the seven that he sold). With respect to this claim, the Hawaii Supreme Court specifically found as follows: 1) "There was sufficient evidence to support the jury's special finding that Ferdinand converted the treasure that Roxas found"; and 2) "There was sufficient evidence to support the jury's determination that Roxas 'found' the treasure pursuant to Philippine law." The case was remanded to the trial court for a new trial on the value of the converted golden buddha statue and gold bars. On February 28, 2000, the trial court conducted a hearing to determine the value of the golden Buddha and the 17 bars of gold. Currently, Felix Dacanay, as the personal representative of Roxas' estate, has a judgment against Imelda Marcos in her personal capacity to the extent of her interest in the Estate of Ferdinand E. Marcos in the principal amount of $6 million for the human rights claims concerning Roxas' arrest and torture, and the Golden Budha Corp. has a judgment against Imelda Marcos in her personal capacity to the extent of her interest in the Marcos estate in the principal amount of $13,275,848.37 on the claim of the converted treasure. That judgment was ordered affirmed by the Hawaii Supreme Court on November 25, 2005. In a related legal proceeding in 2006, the United States Ninth Circuit Court of Appeal while describing the findings of the Roxas v. Marcos litigation stated: "The Yamashita Treasure was discovered by Roxas and stolen from Roxas by Marcos’s men." Roxas turned over claims to the treasure to a group of American investors, which filed suit in Hawaii. A jury awarded $22 billion to an American company that claims the late Philippine President Ferdinand E. Marcos stole a golden Buddha statue filled with gems from a treasure hunter... "As far as I know, it is the largest verdict probably in the history of jurisprudence in the world," said Daniel Cathcart, attorney for the Atlanta-based Golden Buddha Corp. But a Marcos family attorney dismissed the award, which a state jury reached in less than five hours of deliberations... "It's noncollectible. It's Monopoly money," attorney James Paul Linn said. "Everything in the Marcos estate is tied up by the Philippine government... There's no money there." Judge Antonio Reyes of the Baguio Regional Trial Court had declared in a ruling on May 30, 1996, that the golden Buddha was only a bronze-plated statuette. In fact, it was in the court's custody in Baguio. "The US court's decision implies that the golden Buddha existed. I don't know how the conclusion was arrived," the judge said. The statuette in the court's custody was surrendered by police days after Rogelio complained that his Golden Buddha had been seized by Marcos. Roxas died in 1993. His relatives claimed that the statuette that was returned to his family was a replica. In 1995, Roxas's eldest son Jose petitioned the court to release the statuette to him as a memento of his father's treasure hunting days. Jose also declared in court that his father never found a Golden Buddha. See also Yamashita's gold Unexplained wealth of the Marcos family References Who is Rogelio Roger Domingo Roxas? Treasures and Antiques 1993 deaths Filipino military personnel Treasure hunters Locksmiths 1940s births Date of birth uncertain
로헬리오 "로저" 도밍고 로하스(, ? ~ 1993년 5월 25일)는 사망한 필리핀의 군인이자 자물쇠 장수이다. 1971년 1월 24일 바기오의 바기오 종합 병원 근처의 국유지에서 야마시타 보물(야마시타 골드)로 추정되는 금막대와 1톤 정도의 황금 불상을 찾아냈다. 로하스는 불상의 머리가 이동될 수 있도록 돼있었고, 불상 안의 오목한 공간에는 적어도 두 움큼의 다이아몬드가 들어 있었다고 주장했다. 그 불상이 야마시타 보물의 일부라고 주장했다. 황금 불상의 압수 1971년 4월 5일, 로하스는 국가 조사국과 범죄 수사 연구소에서 온 것으로 추정되는 무장한 남자들이 강제로 황금 불상과 금막대를 그의 집인 바기오 오로라 힐스에서 압수해 갔다고 주장했다. 1971년 4월 19일 군은 황금 불상을 바기오 법정에 맡겼다. 그러나 로하스는 그것이 자신의 불상이 아니라고 주장했다. 로하스는 후에 당시 대통령 페르디난드 마르코스가 압수를 이끌었고 그가 보물을 갖고 있다고 주장했다. 로하스는 1971년 5월 18일 카바나투안에서 사복을 입은 세명의 남자에게 체포돼 징역형에 처해졌다. 로하스와 마르코스의 소송 대결 1988년 3월, 미국에서 로하스와 페르디난드 마르코스, 이멜다 마르코스 사이에서 소송 대결이 일었다. 로하스는 1971년에 자신이 야마시타 보물을 찾던 보물 사냥꾼이라고 말했다. 로하스의 주장에 충분한 증거가 있는지 확인하기 위해, 법원은 다음 로하스의 공술서를 고려했다. 1970년 언젠가, 로하스 무리는 바기오 종합 병원 근처의 국유지에서 땅을 파고 있었다. 대략 7개월 동안 찾고 "하루에 24시간동안" 땅을 판 후, 로하스 무리는 지하 굴을 발견했다. 굴 안에는 철사와 라디오, 총검, 소총, 일본군 군복을 입은 유해가 있었다. 몇주동안 굴을 탐사한 후, 로하스 무리는 10피트 두께(약 3m)의 콘크리트 벽을 발견했다. 1971년 1월 24일 로하스 무리는 벽을 무너뜨렸다.그 안에서 로하스는 3피트(약 1m) 정도로 추정되는 황금색 불상을 발견했다. 그 불상은 매우 무거웠다. 불상을 땅 위로 옮기기 위해 10명의 남자와 체인블록, 밧줄, 롤링로그가 필요했다. 그가 불상의 무게를 재보지는 않았으나, 로하스는 무게가 1톤이라고 추정했다. 로하스는 일꾼들에게 그것을 집까지 옮기도록 지시했고 벽장 안에 넣었다. 로하스는 또한 콘크리트 벽 아래에서 큰 박스 여러개를 찾았는데, 불상이 발견된 곳에서 50피트(약 15미터) 떨어진 곳이었다. 그는 다음날 돌아와서 작은 상자 하나를 열었다. 상자 안에는 1인치(약 2.5cm) 금막대와 2.5인치(약 6.4cm) 막대가 24개 들어있었다. 로하스는 상자들이 평균적으로 대략 맥주 상자 크기였으며, 5~6피트 높이(약 1.7m)로 쌓여있었고, 6피트 폭(약 1.8m)과 30피트(약 9m) 길이로 있었다고 추정했다. 로하스는 그 이외의 상자들을 열지 않았다. 몇주 후 로하스는 굴을 폭파시키기 위해 되돌아왔고, 남아있는 보물들을 옮길 작업을 위해 불상을 팔 계획을 세웠다. 굴을 폭파시키기 전, 24개의 금막대와 몇몇 사무라이 칼, 총검과 공예품들을 옮겼다. 로하스는 마르코스 재판관에게 자신의 발견을 보고하려고 두번 노력했었으나, 그와 연락은 성공적이지 않았다. 몇주 후, 로하스는 금막대 7개를 팔았고, 구매자는 황금 불상을 봤다. 로하스는 예상되는 구매자의 대표인 케네스 치텀이 불상의 팔에 작은 구멍을 뚫고 금속의 순도 분석을 했다고 증명했다. 분석 결과 불상은 22캐럿의 고체 금이었다. 로하스는 또한 두 번째 예상되는 구매자인 루이스 멘도사가 질산을 사용해 불상의 금속을 시험했고, "20캐럿 이상"이라고 결론내렸다. 로하스는 그가 보물을 발견했고, 페르디난드 마르코스가 그를 체포했으며, 보물을 압수당했고, 그는 고문을 당했다고 주장했다. 석방 후 그는 의심스럽게 사망했는데, 암살당했다는 느낌을 주었다. 소송은 그의 재산과 로하스의 보물에 대한 권리를 주장하기 위해 만들어진 회사인 황금 불상 회사에 의해 주장되었다. 1996년, 호놀룰루의 배심원단은 220억 달러(한화 약 24조원)의 피해 보상금을 지급하라는 판정을 내렸다. 1998년 11월 17일 하와이 대법원은 페르디난드 마르코스와 이멜다 마르코스에게 410억 달러(한화 약 45조원)의 판결을 내렸다. 민사 판결에 관한 법무부 통계 월보는 로하스가 1971년 마닐라 북부에서 금괴를 발견했다는 증거는 불충분하다고 했다. 그러나 법원의 판결은 콘크리트 벽에 남겨진 금괴의 양과 질의 불충분한 증거만 언급했다. 게다가, 법원은 페르디난드 마르코스가 황금 불상과 17개의 금막대를 훔쳤다는 판결을 유지했다. 하와이 대법원은 페르디난드 마르코스가 로하스가 찾은 보물을 바꿨다는 충분한 증거가 있으며, 필리핀 헌법에 준하여 로하스가 보물을 발견했다는 배심원의 결정에 충분한 증거가 있다고 판결했다. 이 사건은 사실심 법정에서 바뀐 황금 부처와 금막대의 가치에 관한 새로운 재판으로 남았다. 2000년 2월 28일, 사실심 법정은 황금 불상과 17개의 금막대의 가치를 정하는 공판을 실시했다. 현재, 로하스 재산의 개인 대표인인 펠릭스 다카나이가 이멜다 마르코스에게 로하스가 당한 체포와 고문에 대해 600억 달러(한화 약 66조원)의 재판을 하고 있다. 황금 불상 회사는 이멜다 마르코스에게 바뀐 보물에 대한 13,275,848.37달러(한화 약 1억 5000만원) 재판을 하고 있다. 그 재판은 2005년 11월 25일 하와이 대법원이 명령했다. 로하스의 장남 호세가 1995년 바기오 법정에 그의 아버지의 보물 사냥꾼 시절의 유품으로 불상을 양도하라고 청원했다. 호세는 또한 그의 아버지가 황금 불상을 찾은 적이 없다고 법정에 선언했다. 외부 링크 페르디난드 마르코스가 로헬리오 로하스에게 돌려준 불상의 사진 로헬리오 로하스의 황금 불상 필리핀의 군인 1993년 사망
amphora/parallel-wiki-koen
full
Sikorsky Aircraft is an American aircraft manufacturer based in Stratford, Connecticut. It was established by aviation pioneer Igor Sikorsky in 1923 and was among the first companies to manufacture helicopters for civilian and military use. Previously owned by United Technologies Corporation, in November 2015 Sikorsky was sold to Lockheed Martin. History On March 5, 1923, the Sikorsky Aero Engineering Corporation was founded near Roosevelt Field, New York, by Igor Sikorsky, an immigrant to the United States who was born in Kyiv. In 1925, the company name was changed to Sikorsky Manufacturing Company. After the success of the S-38, the company was reorganized as the Sikorsky Aviation Corporation with capital of $5,000,000, allowing the purchase of land and the building of a modern aircraft factory in Stratford. In 1929, the company moved to Stratford, Connecticut, and it became a part of United Aircraft and Transport Corporation (later United Technologies Corporation or UTC) in July of that year. In the United States, Igor Sikorsky originally concentrated on the development of multiengine landplanes and then amphibious aircraft. In the late 1930s, sales declined and United Aircraft merged his division with Vought Aircraft. He then began work on developing a practical helicopter. After first flying the VS-300 he developed the Sikorsky R-4, the first stable, single-rotor, fully controllable helicopter to enter full-scale production in 1942, upon which most subsequent helicopters were based. Sikorsky Aircraft remains a leading helicopter manufacturer, producing such well-known models as the UH-60 Black Hawk and SH-60 Seahawk, and experimental types such as the Sikorsky S-72. Sikorsky has supplied the Presidential helicopter since 1957. Sikorsky's VH-3 and VH-60 perform this role now. The company acquired Helicopter Support Inc. (HSI) in 1998. HSI handles non-U.S. government aftermarket support for parts and repair for the Sikorsky product lines. UTC acquired Schweizer Aircraft Corp. in 2004, after which it operated as a subsidiary of Sikorsky. The product lines of the two firms were complementary, and had little overlap, as Sikorsky primarily concentrates on medium and large helicopters, while Schweizer produces small helicopters, unmanned aerial vehicles (UAV), gliders, and light planes. The Schweizer deal was signed on August 26, 2004, exactly one week after the death of Paul Schweizer, the company's founder and majority owner. In late 2005, Sikorsky completed the purchase of Keystone Helicopter Corporation, located in Coatesville, Pennsylvania. Keystone had been maintaining and completing Sikorsky S-76 and S-92 helicopters prior to the sale. In 2007, Sikorsky opened the Hawk Works, a Rapid Prototyping and Military Derivatives Completion Center located west of the Elmira-Corning Regional Airport in Big Flats, New York. That same year Sikorsky purchased the PZL Mielec plant in Poland. The plant is assembling the S-70i for international customers. In February 2009, Sikorsky Global Helicopters was created as a business unit of Sikorsky Aircraft to focus on the construction and marketing of commercial helicopters. The business unit combined the main civil helicopters that were produced by Sikorsky Aircraft and the helicopter business of Schweizer Aircraft that Sikorsky had acquired in 2004. It was based at Coatesville, Pennsylvania until 2022. In 2011, Sikorsky laid off 400 workers at the Hawk Works plant, and later in 2012 the remaining 570 workers and closed all Sikorsky facilities in Chemung County; moving the military completion work to their West Palm Beach, Florida, facility. The commercial products had already been moved to their Coatesville, Pennsylvania facility. Sikorsky's main plant and administrative offices are located in Stratford, Connecticut, as is a large company-owned private heliport . Other Sikorsky facilities are in Trumbull, Shelton, and Bridgeport, Connecticut (with small company heliport ); Fort Worth, Texas; West Palm Beach, Florida; and Huntsville and Troy, Alabama. Sikorsky-owned subsidiaries are in Grand Prairie, Texas, and elsewhere around the world. Acquisition In 2015, UTC considered Sikorsky to be less profitable than its other subsidiaries, and analyzed a possible spin-off rather than a tax-heavy sale. On July 20, 2015, Lockheed Martin announced an agreement to purchase Sikorsky from UTC for $9.0 billion. The deal required review from eight different jurisdictions, and the final approval came in November 2015. The sale was completed on November 6, 2015. AHS Sikorsky Prize In 1980, the American Helicopter Society International offered a prize of US$10,000 for the first human-powered helicopter flight (60-second duration, a height of 3 meters, and staying within an area of 10 x 10 m) and soon increased prize money to US$25,000. In 2010, Sikorsky Aircraft pledged to increase the prize sponsorship to US$250,000. Canadian engineers Dr. Todd Reichert and Cameron Robertson developed the world's largest human-powered helicopter with a team from the University of Toronto. The first flight of AeroVelo Atlas was achieved in August 2012, the 64-second, 3.3-m-flight that won the prize on June 13, 2013. Products Sikorsky designates nearly all of its models with S-numbers; numbers S-1 through S-27 were designed by Igor Sikorsky before he left the Russian Empire. Later models, especially helicopters, received multiple designations by the military services using them, often depending on purpose (UH, SH, and MH for instance), even if the physical craft had only minor variations in equipment. In some cases, the aircraft were returned to Sikorsky or to another manufacturer and additionally modified, resulting in still further variants on the same basic model number. Airplanes Sikorsky S-28: projected four-engine, 32-passenger biplane airliner; Sikorsky's first American design (1919) Sikorsky S-29-A: twin-engine, cargo biplane, first Sikorsky aircraft built in the U.S. (1924) Sikorsky S-30: twin-engine biplane airliner/mailplane, never built (1925) Sikorsky S-31: single-engine biplane (1925) Sikorsky S-32: single-engine, two-passenger biplane (1926) Sikorsky S-33 Messenger: single-engine biplane (1925) Sikorsky S-34: twin-engine sesquiplane flying boat prototype (1927) Sikorsky S-35: three-engine biplane transport (1926) Sikorsky S-36 "Amphibion": eight-seat two-engine sesquiplane flying boat (1927) Sikorsky S-37 "Guardian": eight-seat two-engine sesquiplane; Sikorsky's last land-based fixed wing design (1927) Sikorsky S-38: eight-seat, two-engine sesquiplane flying boat (US Navy PS) (1928–1933) Sikorsky RS: transport flying boat (US Navy RS) Sikorsky S-39: five-seat, single-engine variant of S-38 (1929–1932) Sikorsky S-40: four-engine, 28-passenger monoplane flying boat (1931) Sikorsky S-41: twin-engine monoplane flying boat (1931) (USN RS-1); scaled-up monoplane version of S-38 Sikorsky XP2S: twin-engine patrol flying boat prototype (1932) Sikorsky XSS: Naval scout flying-boat (1933) Sikorsky S-42 "Clipper": four-engine flying boat (1934–1935) Sikorsky XBLR-3: Bomber aircraft (1935-1936); Sikorsky's last fixed-wing design Sikorsky S-43 "Baby Clipper": twin-engine, amphibious flying boat (1935–1937) (Army OA-1, USN JRS-1); downsized, twin-engine version of S-42 Sikorsky VS-44 "Excalibur": four-engine flying boat (1937) Sikorsky S-45: six-engine flying boat (for Pan Am), never built (1938) Sikorsky S-57/XV-2: Supersonic convertiplane with single blade retractable rotor. Never built. Helicopters, production Helicopters, prototypes Other aircraft Boeing-Sikorsky RAH-66 Comanche Sikorsky Cypher: Doughnut-shaped UAV (1992) Sikorsky Cypher II: development of the Cypher (2001) Vertical Take-Off and Landing Experimental Aircraft: design and development of a hybrid VTOL/Conventional design Other products UAC TurboTrain (1968) Sikorsky ASPB Assault Support Patrol Boat (1969) Gallery See also List of aerospace flight test centres Igor I. Sikorsky Memorial Bridge Sikorsky Memorial Airport Comparable major helicopter manufacturers: AgustaWestland Airbus Helicopters Bell Helicopter Boeing Rotorcraft Systems MD Helicopters Russian Helicopters References Citations Bibliography Spenser, Jay P. (1998). "Sikorsky". Whirlybirds: A History of the U.S. Helicopter Pioneers. University of Washington Press. . External links Sikorsky homepage Sikorsky Timeline at the Helicopter History Site Sikorsky Archives site 1923 establishments in New York (state) 2015 mergers and acquisitions American companies established in 1923 Collier Trophy recipients Companies based in Stratford, Connecticut Defense companies of the United States Helicopter manufacturers of the United States Manufacturing companies based in Connecticut Manufacturing companies established in 1923 Lockheed Martin Stratford, Connecticut United Technologies
시코르스키 항공은 미국의 항공기 제조회사이다. 우크라이나 키에프에서 태어난 러시아계 미국인인 이고리 시코르스키가 1925년에 설립했다. 록히드 마틴 2015년 7월 록히드 마틴은 유나이티드 테크놀로지스에 90억달러(약 10조4103억원)를 주고서, 자회사인 시코르스키를 인수합병했다. 록히드 마틴이 1995년 마틴 마리에타를 100억달러에 인수한 이후 최대 규모다. 항공기 제품 시코르스키사는 제품의 모델 번호를 거의 다 "S-숫자"로 지정한다. S-1부터 S-20까지는 러시아 이고르 시코르스키에 의해 설계되었다. 추후 모델, 특히 헬기중에는, 그것을 사용하는 군에 의해, 종종 목적에 따라(예를 들면 UH, SH 그리고 MH), 물리적 기체가 장비면에서 오직 조그만 변형밖에 하지 않은 것조차도, 다양한 명칭을 부여받았다. 어떤 경우에는, 시코르스키사나 다른 제조사에 항공기가 반환되고 부가적으로 수정되어, 결과적으로 같은 기본 모델 번호에 부가된 파생형이 된다. 비행기 시코르스키 S-29-A: 쌍발엔진 화물 복엽기. 시코르스키가 미국에서 처음 제작한 비행기. 하워드 휴즈의 영화 지옥의 천사들에 등장 (1924) 시코르스키 S-30: 쌍발엔진, 생산된적 없음. (1925) 시코르스키 S-31: 단발엔진 복엽기 (1925) 시코르스키 S-32: 단발엔진 2승객 복엽기 (1926) 시코르스키 S-33: "메신저(Messenger)" 단발엔진 복엽기(1925) 시코르스키 S-34: 쌍발엔진 비행정 시제기 (1927) 시코르스키 S-35: 삼발엔진 복엽기 시제기 (1926) 시코르스키 S-36: 8좌석 2엔진 비행정 "앰피비온(Amphibion)" (1927) 시코르스키 S-37: "가디언(Guardian)" 8좌석 2엔진 복엽기 (1927) 시코르스키 S-38: 8좌석 2엔진 비행정 보트 (USN PS) (1928–1933) 시코르스키 S-39: S-38의 변형 5좌석 단발엔진(1929–1932) 시코르스키 S-40: "플라잉 포레스트(Flying Forest)" 4엔진 28승객 비행정 (1931) 시코르스키 S-41: 쌍발엔진 비행정 (1931) 시코르스키 S-42: "클리퍼(Clipper)" 4엔진 비행정 (1934–1935) 시코르스키 S-43: "베이비 클리퍼(Baby Clipper)" 쌍발엔진 수륙양용 비행정 (1935–1937) (Army OA-1, USN JRS-1) 시코르스키 VS-44: 4엔진 비행정 (1937) 시코르스키 S-45: 6엔진 비행정 (for Pan Am). 생산된적 없음. 헬리콥터 VS-300 시코르스키 S-47 (R-4): 세계 최초 헬리콥터 (1940) 시코르스키 S-48 (R-5/H-5): R-4보다 더 높은 적재량, 내구성, 스피드 그리고 상승고도로 설계된 헬리콥터 (1943) 시코르스키 S-49 (R-6): 새로운 동체로 개선된 R-4 시코르스키 S-51: 더 커진, 민수용 H-5. 세계에서 두 번째로 인증된 상업용 헬리콥터 (1946) 시코르스키 S-52 (H-18/HO5S): 전부 금속 로터로 제작된 헬리콥터 (1947) 시코르스키 S-55: 승객 10명 수송 헬리콥터(1949) 시코르스키 S-56: 쌍발 엔진 헬리콥터, H-37A Mojave (1953) 시코르스키 S-58: S-55 보다 더 커지고 발달한 승객 18명 수송 헬리콥터. ASW에서도 이용 가능한 VIP 버전 (1954) 시코르스키 S-59 (XH-39): 2 H-18s가 터보샤프트 엔진 사용으로 전환됨. (1953) 시코르스키 S-60: "플라잉 크레인(flying crane)" 시제기 헬리콥터, 1961년 실패 (1959) 시코르스키 S-61: SH-3 시킹 ASW, SAR or 수송 헬리콥터(1959) 시코르스키 S-61R: 후방 화물 램프로 재설계된 S-61; CH-3, HH-3 "졸리 그린 자이언트(Jolly Green Giant)", HH-3F 펠리컨 (1963) 시코르스키 S-62: HH-52 해안경비 수륙양용 헬리콥터(1958) 시콜스키 S-64: CH-54 Tarhe "플라잉 크레인(flying crane)" (1962) 시코르스키 S-65: CH-53 시스탤리온 중/대형 수송 헬리콥터 (1964) 시코르스키 S-67 블랙호크: 공격 헬리콥터 시제기(1970) 시코르스키 S-69: 동축 역회전 로터 시제기, 쌍둥이 일반형 꼬리(1973) 시코르스키 S-70: UH-60 블랙호크, SH-60 시호크 (1974) 시코르스키 S-72: NASA를 위한 로터 시스템 연구용(1975) 시코르스키 S-75: Advanced Composite Airframe Program (ACAP) 복합재 개념 증명 헬리콥터(1984) 시코르스키 S-76: "스피릿(Spirit)" 14좌석 상업용 (1977) 시코르스키 S-80: CH-53E 슈퍼스탤리온 대형 수송 헬기(1974) 시코르스키 S-92: 군용 H-92 Superhawk, CH-148 Cyclone (1995) 시코르스키 S-300C 시코르스키 S-333 시코르스키 S-434 시코르스키 X2: 쌍발, 역회전 로터와 추진 프로펠러 개념 실증기 다른 항공기 시코르스키 Cypher: 도넛 모양 무인항공기(UAV) (1992) 시코르스키 Cypher II: 개발중 (2001) 사진 같이 보기 이고르 시코르스키 헬리콥터 참고 외부 링크 Sikorsky homepage Sikorsky Timeline at the Helicopter History Site Sikorsky Press Release February 23, 2009 Sikorsky entry at Aerofiles 1925년 설립된 기업 미국의 항공기 제작사 코네티컷주의 기업
amphora/parallel-wiki-koen
full
Choi Soo-young (; born February 10, 1990), professionally known as Sooyoung, is a South Korean singer, actress and songwriter. She was a member of the short-lived Korean-Japanese singing duo Route 0 during 2002 in Japan. After returning to South Korea in 2004, Sooyoung eventually became a member of girl group Girls' Generation in 2007, which went on to become one of the best-selling artists in South Korea and one of South Korea's most popular girl groups worldwide. Apart from her group's activities, Sooyoung has also starred in various television dramas such as The Third Hospital (2012), Dating Agency: Cyrano (2013), My Spring Days (2014), Squad 38 (2016), Man in the Kitchen (2017–2018), Tell Me What You Saw (2020), and most recently in Run On (2021), So I Married the Anti-fan (2021), If You Wish Upon Me (2022), and Not Others (2023). In October 2017, Sooyoung left SM Entertainment although she remains as a member of Girls' Generation. She joined Echo Global Group and released her first solo single "Winter Breath" in 2018, before moving to Saram Entertainment in 2019. Life and career 1990–2007: Early life and career beginnings Sooyoung was born in Gwangju, Gyeonggi, South Korea, on February 10, 1990. She is the younger sister of Choi Soo-jin, who is a musical theatre actress. Sooyoung was initially discovered through an SM Entertainment Open Audition when she was in fifth grade. She later won first place at the 2002 Korea-Japan Ultra Idol Duo Audition and debuted in Japan as a member of Route 0. The duo released three singles before disbanding in 2003. Sooyoung returned to SM Entertainment and eventually debuted in South Korea as a member of the girl group Girls' Generation in August 2007. The group gained significant popularity with the release of their hit single "Gee" in 2009. Sooyoung has said in an interview that she was also interested in acting before debuting as a singer and had failed more than 70 auditions during her pre-debut days. 2008–2016: Acting roles and lyrics writing Aside from Girls' Generation's activities, Sooyoung has participated in various music and acting projects. In the early days, her acting work mostly involved several small roles and guest appearances—these include KBS2's sitcom Unstoppable Marriage (2007), romantic comedy film Hello, Schoolgirl (2008), SBS's drama Oh! My Lady (2010), SBS's Paradise Ranch (2011) and SBS's A Gentleman's Dignity (2012). During this period, musically, she recorded two songs—one trot song titled "KKok" with Girls' Generation member Yuri for the SBS' drama Working Mom, while the other one, "Feeling Only You", was a collaboration with Girls' Generation member Tiffany and South Korean duo The Blue. Throughout her career, besides contributing her vocal to Girls' Generation's songs, Sooyoung has explored into lyrics writing. She penned the lyrics for three songs: "How Great is Your Love" (2011), "What Do I Do" (2016), and "Sailing (0805)" (2016), while co-writing the song "Baby Maybe" (2013). In September 2012, she landed her first major acting role in tvN's medical drama The Third Hospital. She was praised by both co-actors Oh Ji Ho and Kim Seung-woo and the viewers were drawn to her emotional scene due to her natural display of emotion. In May 2013, Sooyoung was cast in tvN's romantic comedy drama, Dating Agency: Cyrano. It was a spin-off of the 2010 movie Cyrano Agency. She played a dating expert who works at a dating agency helping people to find their love. Park Ju-yeon from the Hankook Ilbo praised Sooyoung for her lively character portrayal and said that there was not any "overdone emotions commonly appear in acting newcomers". In September 2014, Sooyoung scored a lead role in MBC's melodrama, My Spring Days. Her character is a terminally ill patient who gets a heart transplant; and meets her donor's husband, played by Kam Woo-sung. This was a breakthrough performance for Sooyoung as she won the "Best Actress in a Miniseries" award at the 2014 MBC Drama Awards and the "Excellence Award for Actress" at the 2015 Korea Drama Awards. She contributed a song to its soundtrack, titled "Wind Flower". In 2015, Sooyoung starred as the female lead in KBS2's special drama Perfect Sense, which was produced by Samsung Fire & Marine Insurance to help raise public understanding of the disabled. She played a teacher named Ah-yeon who is visually impaired. In June 2016, Sooyoung starred as the female lead alongside Ma Dong-seok and Seo In-guk in the OCN crime drama Squad 38. 2017–present: Label change and continued acting In early August 2017, Sooyoung starred as television producer in the JTBC web drama Someone You Might Know. Later in August, she played the female lead in the MBC drama series Man in the Kitchen. In November 2017, Sooyoung joined Echo Global Group after her contract with SM Entertainment ended. With a change of label, her future activities with Girls' Generation remain in discussion. In 2018, Sooyoung was cast in the Korean-Japanese film Memories of a Dead End and the action comedy film Girl Cops. In December 2018, Sooyoung released her solo single, "Winter Breath", which is her first song to be released since her departure from SM Entertainment, with the song's music video made available online on the same day. Sooyoung launched her official Twitter and YouTube accounts to commemorate the single's release. In May 2019, Sooyoung signed with new agency Saram Entertainment. In February 2020, Sooyoung starred in the OCN drama Tell Me What You Saw. In 2020, Sooyoung starred in JTBC romance drama Run On. Then in 2021, she starred alongside Choi Tae-joon in the Naver TV romantic comedy series So I Married the Anti-fan, based on the manhwa of the same name and appeared in the Netflix original series Move to Heaven. In 2022, she starred in the KBS2 drama If You Wish Upon Me in the role of a nurse at hospice. Sooyoung participated in Girls' Generation's fifteenth anniversary album Forever 1 (2022), with her co-writing the song "Seventeen" for the album. Personal life Sooyoung graduated from JeongShin Women's High School in 2009. She went on to major in film studies and graduated from Chung-Ang University in February 2016, receiving a lifetime achievement award at the graduation ceremony. Her fellow Girls' Generation member Kwon Yuri attended the same university. Sooyoung has been dating Jung Kyung-ho since 2013. Philanthropy Sooyoung has engaged in various philanthropic activities. In 2012, she was appointed as ambassador to Korea's Retinitis Pigmentosa Society along with her bandmates Tiffany, Taeyeon and Seohyun. At the end of that year, she launched a fundraising campaign with cable channel QTV for patients of the disease. Since then, she has continued to serve as ambassador while conducting sponsorship events and supporting the research on treatment of patients. In 2016, Sooyoung launched a clothing brand called Beaming Effect with the aim to raise awareness for Retinitis Pigmentosa. She has held several charity bazaars throughout the years and donated the proceeds towards research for treatment of the disease. Notably, she held a funding with Kakao, a charity bazaar and a charity concert featuring various artists in 2017. Sooyoung has also been appointed ambassador to the Korean Day of Overcoming Rare Diseases, the Social Welfare Council and the National Disability Awareness Improvement Campaign. In 2014, she sponsored the operation cost of a person with heart disease after playing the role of someone who received a heart transplant through organ donation in her drama My Spring Days. Discography Singles Filmography Film Television series Web series Television shows Web shows Events Ambassadorship Ambassador for sharing (2022) Awards and nominations References External links 1990 births Living people People from Gwangju, Gyeonggi Singers from Gyeonggi Province People from Gyeonggi Province Girls' Generation members Japanese-language singers of South Korea South Korean female idols South Korean women pop singers South Korean expatriates in Japan South Korean film actresses South Korean television actresses South Korean web series actresses South Korean television presenters South Korean women television presenters South Korean women composers Chung-Ang University alumni English-language singers from South Korea SM Entertainment artists Mandarin-language singers of South Korea 21st-century South Korean actresses Soo-young
수영(秀英) 또는 본명 최수영(崔秀榮, 1990년 2월 10일 ~ )은 대한민국의 가수, 배우이며, 걸 그룹 소녀시대의 구성원이다. 신체: 172cm 42kg 학력 2002년 서울청담초등학교 졸업 2005년 청담중학교 졸업 2008년 정신여자고등학교 졸업 2014년 중앙대학교 공연영상창작학부 연극 전공 학사 생애 수영은 1990년 2월 10일 서울특별시 강남구 청담동에서 태어났다. 정신여자고등학교를 졸업하고 같은 해 중앙대학교 연극영화학부에 입학하여 2016년 2월 졸업. 수영은 SM 엔터테인먼트에 캐스팅되어 2002년 한국·일본 울트라 아이돌 듀오 오디션에 참가, 2002년에서 2003년에 걸쳐 일본 듀오 걸 그룹 Route O의 멤버로 타카하시 마리나 (高橋麻里菜)와 함께 일본에서 약 2년간 활동. 현재도 친구 사이이다. 2005년에서 2006년에 걸쳐 K-POP의 멤버 주민과 함께 Mnet 《Hello Chat》VJ로 활동. 6년 3개월의 연습 기간을 거쳐, 수영은 소녀시대 데뷔에 이르렀다. 소녀시대에 5번째로 합류했다. 나이 논란 수영은 1990년 2월 10일생으로 1989년생인 태연, 써니, 티파니, 효연, 유리와는 나이로는 만으로 한 살 차이가 나지만 방송에서 서로 동갑내기 친구처럼 반말을 하며 지내는 모습이 비춰진다. 이는 빠른 1990년생인 탓에 타 1989년생 멤버와 입학년도가 같았기 때문이다. 하지만 2002년 일본에서 Route O 활동으로 학교를 1년을 쉬었기 때문에 최종 졸업년도는 타 1989년생 멤버와 달리 2009년 2월 윤아와 같은 년도 같은 달에 정신여자고등학교를 졸업했다. 강풀과의 인연 수영과 웹툰 만화가 강풀은 이연희가 주연한 영화 《순정만화》에 출연하는데, 수영과 강풀의 인연이 강풀을 만화를 통해서 공개되기도 하였다. 수영은 무명이던 중학교 시절부터 강풀에게 수차례 팬레터를 보냈었고, 수영이 소녀시대 데뷔 이후에도 강풀에게 이메일을 함으로써 두 사람의 인연은 수영이 유명인이 된 이후에도 이어지게 되었다. 막말 논란 KBS 2TV 《상상플러스》 2009년 3월 10일 방송분 중 우리말 사투리를 맞추는 코너에서 "이영자 몸매가 두근두근거리냐"고 말했는데 코미디언 이영자에 대해 존칭을 사용하지 않은 데다 신체를 비하했다는 이유로 막말 논란이 불거지기도 했다. 음반 목록 2002년 : Route0 싱글〈START〉 2002년 : 《이누야샤 3기》 오프닝 곡 "I am" (원곡 : hitomi) 2007년 : 소녀시대 싱글 1집 〈다시 만난 세계〉 2007년 : 소녀시대 정규 1집 〈소녀시대〉 2007년 : SM Town 겨울앨범 〈2007 Winter SM Town〉 2008년 : SBS 《워킹맘》O.S.T 〈꼭〉(유리와 듀엣) 2008년 : 윤상 스페셜 앨범 《Song Book》의 수록곡 "랄랄라" 2009년 : 더 블루 "너만을 느끼며" (티파니와 함께 피처링) 2014년 : MBC TV 《내 생애 봄날》 OST 〈바람꽃〉 2018년 : 겨울숨 (Winter Breath) 작품 목록 영화 드라마 & 시트콤 KBS2 시트콤 《못말리는 결혼》 - 최수영 역 MBC 국군의 날 특집 애니메이션 다큐멘터리 《청춘병법, 아미아미》 - 내레이션 SBS 월화드라마 《파라다이스 목장》 - 비서 역 (특별 출연) SBS 주말특별기획 《신사의 품격》 - 소녀시대 수영 역 (특별출연) tvN 수목드라마 《제3병원》 - 이의진 역 tvN 월화드라마 《연애조작단; 시라노》 - 공민영 역 MBC 수목드라마 《내 생애 봄날》 - 이봄이 역 KBS2 장애인의 날 특집 드라마 《퍼펙트 센스》 - 아연 역 OCN 금토드라마 《38사기동대》 - 천성희 역 JTBC 웹드라마 《알수도 있는 사람》 - 이안 역 MBC 주말드라마 《밥상 차리는 남자》 - 이루리 역 OCN 토일드라마 《본 대로 말하라》 - 차수영 역 JTBC 수목드라마 《런 온》 - 서단아 역 네이버TV 《그래서 나는 안티팬과 결혼했다》 - 이근영 역 넷플릭스 《무브 투 헤븐: 나는 유품정리사입니다》 - 손유림 역 (특별출연) TV조선 《엉클》 - 톱스타 역 (특별출연) KBS2 수목드라마 《당신이 소원을 말하면》 - 서연주 역 MBC 금토드라마 《팬레터를 보내주세요》 - 한강희 역 ENA 월화드라마 《남남》 - 김진희 역 방송 M.net 《Hello Chat》 VJ(2005년) MBC 《환상의 짝꿍 시즌2》(2009년) SBS 《한밤의 TV연예》 (2012년~2014년) SBS 《SBS 연예대상》 MC (2012년) MBC 《MBC 연기대상》 MC (2014년) 《제8회 코리아 드라마 어워즈》 MC (2015년) JTBC 《김제동의 톡투유 - 걱정 말아요! 그대》 (2015년) MBC 《은밀하게 위대하게》 (2017년) tvN 《SNL 코리아 (시즌 9)》 (2017년) JTBC 《아는형님》 (2020년) M.net 《스트릿 우먼 파이터》 (2021년) MBC 《MBC 연기대상》 MC (2022년) 라디오 프로그램 멜론 DMB 방송 《성민, 수영의 천방지축 라디오》 DJ(2007년~2008년) KBS 쿨FM 《가요광장》 DJ(2020년 12월 18일) 광고 모델 2003년 : 일본 ‘CHUBBYGANG' 의류 브랜드 2003년 : 삼성전자 - Anycall "뮤직 배틀"편 2004년 : 스쿨 룩스 교복 2013년 : 타미힐피거 2013년~2014년 : DoubleM(더블엠) 2012년~2015년 : KGC라이프앤진 LLang(랑) 2015년 : 쿠팡 프리미엄쇼룸 2015년 : coach(코치) 2022년 : 동국제약 센시아 수상 및 후보 각주 외부 링크 1990년 출생 살아있는 사람 대한민국의 여자 가수 대한민국의 여자 영화 배우 대한민국의 여자 텔레비전 배우 대한민국의 여자 모델 대한민국의 아이돌 대한민국의 댄스 음악가 대한민국의 브레이크댄서 대한민국의 텔레비전 진행자 대한민국의 개신교도 소녀시대의 일원 서울청담초등학교 동문 청담중학교 (서울) 동문 정신여자고등학교 동문 중앙대학교 동문 서울특별시 출신 가수 서울특별시 출신 음악가 서울특별시 출신 배우 전주 최씨 20세기 대한민국 사람 21세기 대한민국 사람 MBC 연기대상 여자 우수연기상 수상자
amphora/parallel-wiki-koen
full
Cécile Louise Stéphanie Chaminade (8 August 1857 – 13 April 1944) was a French composer and pianist. In 1913, she was awarded the Légion d'Honneur, a first for a female composer. Ambroise Thomas said, "This is not a woman who composes, but a composer who is a woman." Biography Born in Paris, Chaminade was raised in a musical family. She received her first piano lessons from her mother. Around age 10, Chaminade was assessed by Félix Le Couppey of the Conservatoire de Paris, who recommended that she study music at the Conservatoire. Her father forbade it because he believed it was improper for a girl of Chaminade's class. Her father did, however, allow Chaminade to study privately with teachers from the Conservatoire: piano with Le Couppey, violin with Marie Gabriel Augustin Savard and Martin Pierre Marsick, and music composition with Benjamin Godard. Chaminade experimented in composition as a young child, composing pieces for her cats, dogs and dolls. In 1869, she performed some of her music for Georges Bizet, who was impressed with her talents. In 1878, Chaminade gave a salon performance under the auspices of her professor, Le Couppey, consisting entirely of her compositions. This performance marked the beginning of her emergence as a composer and became the archetype for the concerts she gave for the rest of her career in which she only performed her own works. Her Concertino, Op. 107, is an important work in the flute repertoire. During the 1870s and 1880s several of her works were programmed by the prestigious Société nationale de musique. She toured France several times in her early years. In 1892, she debuted in England, where her work was popular. Isidor Philipp, head of the piano department at the Conservatoire de Paris, championed her works. She repeatedly returned to England in the 1890s, premiering her compositions with such singers as Blanche Marchesi; and Pol Plançon; this activity decreased after 1899 due to poor reviews. Chaminade married a music publisher from Marseille, Louis-Mathieu Carbonel, in 1901. Due to his advanced age, this was rumored to be a convenience and Chaminade prescribed strict marriage conditions - they were to live separately, Carbonel in Marseille, and she near Paris, and their marriage was to remain platonic. Carbonel died in 1907 from a lung disease. Chaminade never remarried. In 1908, she performed concerts in twelve cities in the United States. Her compositions were tremendous favorites with the American public, and such pieces as the Scarf Dance or the Ballet No. 1 were to be found in the music libraries of many lovers of piano music of the time. She composed a Konzertstück for piano and orchestra, the ballet music to Callirhoé and other orchestral works. Her songs, such as The Silver Ring and Ritournelle, were also great favorites. Ambroise Thomas once said of Chaminade: "This is not a woman who composes, but a composer who is a woman." In 1913, she was elected a Chevalier of the National Order of the Legion of Honour (French: Ordre national de la Légion d'honneur), a first for a female composer. In London in November 1901, she made gramophone recordings of seven of her compositions for the Gramophone and Typewriter Company; these are among the most sought-after piano recordings by collectors, though they have been reissued on compact disk. Before and after World War I, Chaminade recorded many piano rolls, but as she grew older, she composed less and less, dying in Monte Carlo on 13 April 1944, where she was first buried. Chaminade is now buried in Passy Cemetery in Paris. Chaminade was relegated to obscurity for the second half of the 20th century, her piano pieces and songs mostly forgotten, with the exception being the Flute Concertino in D major, Op. 107, composed for the 1902 Paris Conservatoire Concours; it is her most popular piece today. Chaminade's sister married Moritz Moszkowski, also a well-known composer and pianist like Cécile. Critical reception Many of Chaminade's piano compositions received good reviews from critics, some of her other endeavors and more serious works were less favourably evaluated, perhaps on account of gender prejudices. Most of her compositions were published during her lifetime and were financially successful. Compositional style Chaminade affiliated herself with nationalist composers such as Camille Saint-Saëns and Charles Gounod. Her musical style was rooted in both Romantic and French tradition throughout her career and her music has been described as tuneful, highly accessible and mildly chromatic. In describing her own style, Chaminade wrote, "I am essentially of the Romantic school, as all my work shows." Important works Opera Op. 19 La Sévillane, comic opera (1882) Orchestral Op. 20 Suite d'Orchestre (1881) Op. 26 Symphonie Dramatique Les Amazones" (1884) Op. 37 Callirhoë, ballet symphonique (1888) Op. 40 Konzertstück in C-sharp minor for piano and orchestra (1888) Op. 107 Concertino for flute and orchestra in D major (1902) Piano Op. 21 Piano Sonata in C minor (1893) Op. 35 Six Études de Concert (Enoch) (1886) Op. 54 Lolita. Caprice espagnol (Enoch) 1890 Op. 60 Les Sylvains (Enoch) (1892) Op. 89 Thème varié (1898) Op. 120 Variations sur un thème original (1906) Op. 117 Duo Symphonique for 2 pianos (1905) Op. 123 Album des enfants, première série (1906) Op. 126 Album des enfants, deuxième série (1907) Piano Duets Op. 55 Six Pièces Romantiques, Op. 55 (1890) Two Pianos Four Hands Op. 19 La Sevillane Op. 36 Deux Pièces for 2 Pianos, Op. 59 Andante et Scherzettino Op. 73 Valse Carnavalesque(1894) Op.117 Duo Symphonique WU 19 Marche Hongroise (1880),unpublished Chamber music Op. 11 Piano Trio No. 1 in G minor (1880) Op. 34 Piano Trio No. 2 in A minor (1886) Op. 142 Sérénade aux étoiles for Flute and Piano (1911?) Songs "Chanson slave" (1890) "Les rêves" (1891) "Te souviens-tu?" (1878) "Auprès de ma mie" (1888) "Voisinage" (1888) "Nice la belle" (1889) "Rosemonde" (1878) "L'anneau d'argent" (1891) "Plaintes d'amour" (1891) "Viens, mon bien-aimé" (1892) "L'Amour captif" (1893) "Ma première lettre" (1893) "Malgré nous" (1893) "Si j'étais jardinier" (1893) "L'Été" (1894) "Mignonne" (1894) "Sombrero" (1894) "Villanelle" (1894) "Espoir" (1895) "Ronde d'amour" (1895) "Chanson triste" (1898) "Mots d'amour" (1898) "Alléluia" (1901) "Écrin" (1902) "Bonne humeur!" (1903) "Menuet" (1904) "La lune paresseuse" (1905) "Je voudrais" (1912) "Attente (Au pays de provence)" (1914) References External links Free digital scores by Cécile Chaminade in the OpenScore Lieder Corpus Piano Rolls (The Reproducing Piano Roll Foundation) Stanford University Piano Roll Archive SUPRA 1857 births 1944 deaths 19th-century classical composers 19th-century French women classical pianists 19th-century French composers 20th-century classical composers 20th-century French composers 20th-century French women musicians Conservatoire de Paris alumni French women classical composers French Romantic composers Musicians from Paris 20th-century women composers 19th-century women composers 20th-century women pianists
세실 루이즈 스테파니 샤미나드 (Cécile Louise Stéphanie Chaminade, 1857년 8월 8일 ~ 1944년 4월 13일)는 프랑스의 작곡가이자 피아니스트이다. 1913년 그녀는 여성 작곡가로서는 처음으로 레지옹 도뇌르를 수상했다. 앙브루아즈 토마는 "이 사람은 작곡을 하는 여성이 아니라 여성인 작곡가다"라고 말했다. 전기 파리에서 태어나, 그녀의 어머니와 함께 처음 공부하였고, 다음에는 펠릭스 르 쿠페와 피아노, 마리 가브리엘 아우구스틴 사바르, 마틴 피에르 마시크와 바이올린, 그리고 벤자민 고다드와 음악 작곡을 공부하였다. 작곡에 대한 그녀의 첫 번째 실험은 아주 초기에 이루어졌으며 그녀의 음악 중 일부를 그녀의 재능에 깊은 감명을 받은 조르주 비제에게 연주했다. 그녀는 18세에 첫 콘서트를 가졌고, 그때부터 작곡가로서의 그녀의 작업은 꾸준히 인기를 얻었다. 그녀는 대부분 피아노와 살롱 노래를 위한 캐릭터 곡을 썼으며 거의 모든 것이 출판되었다. 그러나 그녀의 협주곡 Op. 107은 플루트 레퍼토리의 중요한 부분이다. 그녀는 초기에 여러 번 프랑스를 여행했으며 1892년 그녀의 작품이 매우 인기가 있었던 영국에서 데뷔했다. 파리 음악원의 피아노 학과장인 이시도르 필립(Isidor Philipp)은 그녀의 작품을 옹호했다. 그녀는 1890년대에 반복적으로 영국으로 돌아와서 여러 가수들과 함께 초연을 했지만 이 활동은 1899년 이후 나쁜 비평으로 인해 감소했다. 샤미나드는 1901년 마르세유 출신의 음악 출판사인 루이-마티외 카르보넬과 결혼했으며, 그의 고령으로 인해 결혼 생활은 편리 하다는 소문이 돌았다. 그는 1907년에 사망했고 샤미나드는 재혼하지 않았다. 1908년에 그녀는 미국을 방문하여 열렬한 환영을 받았다. 그녀의 작곡은 미국 대중에게 엄청난 인기를 끌었고 스카프 댄스 나 발레 1번 과 같은 작품은 당시 피아노 음악을 사랑하는 많은 사람들의 음악 라이브러리에서 찾을 수 있었다. 그녀는 구성 Konzertstück을 피아노와 오케스트라, 위해 발레 음악 Callirhoé 및 기타 오케스트라 작품. Silver Ring 및 Ritournelle 과 같은 그녀의 노래도 큰 인기를 얻었다. 앙브루아즈 토마는 샤미나드에 대해 이렇게 말했다. "이 사람은 작곡을 하는 여성이 아니라 여성인 작곡가이다." 1913년에 그녀는 여성 작곡가로서는 처음 레지옹 도뇌르 훈장을 받았다. 1901년 11월 런던에서 그녀는 Gramophone and Typewriter Company를 위해 작곡한 7곡을 축음기로 녹음했다. 이것은 컴팩트 디스크로 재발행되었지만 수집가들이 가장 많이 찾는 피아노 녹음 중 하나이다. 제1차 세계 대전 전후에 샤미나드는 피아노 롤을 녹음했지만 나이가 들어감에 따라 작곡도 점점 줄어들었고 1944년 4월 13일 몬테카를로에서 세상을 떠났고 그곳에서 처음 묻혔다. 샤미나드는 현재 파리의 Passy Cemetery에 묻혔다. 와 함께 20세기 후반에 불명확한 상태가 되었고, 그녀의 피아노 작품과 노래는 대부분 잊혀졌다. 1902년 파리 음악원 콩쿠르를 위해 작곡된 샤미나드는 플루트 협주곡 D장조 Op. 107은 오늘날 그녀의 가장 인기 있는 작품이다. 중요 작품 오페라 Op. 19 La Sévillane, comic opera (1882) 오케스트라 Op. 20 Suite d'Orchestre (1881) Op. 26 Symphonie Dramatique Les Amazones" (1884) Op. 37 Callirhoë, ballet symphonique (1888) Op. 40 Konzertstück in C-sharp minor for piano and orchestra (1888) Op. 107 Concertino for flute and orchestra in D major (1902) 피아노 Op. 21 Piano Sonata in C minor (1893) Op. 35 Six Études de Concert (Enoch) (1886) Op. 54 Lolita. Caprice espagnol (Enoch) 1890 Op. 89 Thème varié (1898) Op. 120 Variations sur un thème original (1906) Op. 117 Duo Symphonique for 2 pianos (1905) Op. 123 Album des enfants, première série (1906) Op. 126 Album des enfants, deuxième série (1907) Piano Duets Op. 55 Six Pièces Romantiques, Op. 55 (1890) Two Pianos Four Hands Op. 19 La Sevillane Op. 36 Deux Pièces for 2 Pianos, Op. 59 Andante et Scherzettino Op. 73 Valse Carnavalesque(1894) Op.117 Duo Symphonique WU 19 Marche Hongroise (1880),unpublished 실내악 Op. 11 Piano Trio No. 1 in G minor (1880) Op. 34 Piano Trio No. 2 in A minor (1886) Op. 142 Sérénade aux étoiles for Flute and Piano (1911?) 노래 "Chanson slave" (1890) "Les rêves" (1891) "Te souviens-tu?" (1878) "Auprès de ma mie" (1888) "Voisinage" (1888) "Nice la belle" (1889) "Rosemonde" (1878) "L'anneau d'argent" (1891) "Plaintes d'amour" (1891) "Viens, mon bien-aimé" (1892) "L'Amour captif" (1893) "Ma première lettre" (1893) "Malgré nous" (1893) "Si j'étais jardinier" (1893) "L'Été" (1894) "Mignonne" (1894) "Sombrero" (1894) "Villanelle" (1894) "Espoir" (1895) "Ronde d'amour" (1895) "Chanson triste" (1898) "Mots d'amour" (1898) "Alléluia" (1901) "Écrin" (1902) "Bonne humeur!" (1903) "Menuet" (1904) "La lune paresseuse" (1905) "Je voudrais" (1912) "Attente (Au pays de provence)" (1914) 참고 문헌 외부 링크 Free digital scores by Cécile Chaminade in the OpenScore Lieder Corpus Piano Rolls (The Reproducing Piano Roll Foundation) Stanford University Piano Roll Archive SUPRA 파리 출신 음악가 프랑스의 클래식 작곡가 파리 음악원 동문 20세기 클래식 작곡가 19세기 클래식 작곡가 1944년 사망 1857년 출생
amphora/parallel-wiki-koen
full
Francesco "Checco" Moriero (; born 31 March 1969) is an Italian football former player and current manager, who played as a midfielder, usually as a winger on the right flank. He is the current head coach of the Maldives national football team. Throughout his career, he played for several Italian clubs: Lecce, Cagliari, Roma, Inter Milan, and Napoli, winning an UEFA Cup title with Inter in 1998. A former Italy international, he took part at the 1998 FIFA World Cup. Club career Francesco Moriero played for several Italian clubs throughout his career, including Lecce (1986–1992), Cagliari (1992–94), Roma (1994–97), Inter Milan (1997–2000), and Napoli (2000–2002). Originally from Lecce, he began his career with the local club's youth side, making his professional debut with the senior Lecce side during the 1986–87 Serie B season. The following season, he made 35 appearances, scoring 3 goals, helping the team to gain promotion to Serie A. He played two seasons in Serie A with Lecce, making 86 appearances and scoring 4 goals, before Lecce were relegated to Serie B once again. During the 1991–92 Serie B season, he set a personal best of 6 goals in 34 appearances, before moving to Cagliari in 1992, where he made his debut in European competitions, notably helping the team to reach the semi-final of the 1993–94 UEFA Cup. In 1994, he moved to Roma for 8.5 billion Lit. He spent 3 seasons with the club, becoming an important figure, making 75 appearances in Serie A, and scoring 8 goals. In May 1997, he had initially made a deal to sign for Milan, but in July, he signed with Inter for 1 million Lit. in an exchange between the two Milan clubs involving André Cruz, who was initially about to sign a contract with Inter. He made his debut with Inter on the first matchday of the 1997–98 Serie A season, on 31 August 1997, against Brescia, at the Giuseppe Meazza Stadium. His most notable and successful career spell came with the Milan club, and in his first season, he won the 1997–98 UEFA Cup under manager Luigi Simoni, notably scoring a goal from a bicycle kick against the Swiss team Neuchatel Xamax during the tournament. In the final he also set up Ronaldo's goal shortly after coming on as a substitute. Inter also narrowly missed out on the Serie A title to Juventus that season, as Moriero made 28 league appearances that season, scoring 3 goals. Although he made fewer appearances during the next two seasons due to injury (making 28 appearances in Serie A in total, scoring 3 goals), he also later reached the 2000 Coppa Italia final with the club, under Marcello Lippi, before moving to Napoli in 2000. During the 2000–01 Serie A season, he made 14 appearances with Napoli, scoring a goal, although he was unable to save the club from relegation. He ended his career with the club in 2002, in Serie B. In total he made 287 appearances in Serie A, scoring 21 goals. International career After making an appearance with the Italy national under-21 football team in a 1–0 win over Greece on 7 February 1990, under manager Cesare Maldini, Moriero also played for the senior Italy national team; in total, he scored two goals in eight matches for Italy between 1998 and 1999. He made his senior international debut on 28 January 1998, in a 3–0 home win over Slovakia, providing two assists during the match; in his next appearance, in an international friendly against Paraguay on 22 April 1998, he scored his only two goals for Italy, one from a bicycle kick, as they won the match 3–1 at home. Moriero was a participant for Italy at the 1998 FIFA World Cup, under Cesare Maldini once again, where Italy were eliminated in the quarterfinals to hosts and eventual champions France on penalties. Although he was often alternated with the more defensive-minded Angelo Di Livio on the right wing, he still appeared in all five of Italy's matches during the tournament, and he assisted Christian Vieri's first goal in Italy's 3–0 win against Cameroon in their second group stage match, also starting the play for his second goal of the match. He also combined with Filippo Inzaghi to initiate the play which led to Roberto Baggio's match winning goal against Austria in Italy's final group match, as Italy won 2–1 to top their group. He made his final appearance for Italy on 9 October the following year, in a European qualifier against Belarus, under manager Dino Zoff, which ended in a 0–0 away draw. Coaching career In 2006, soon after having successfully ended his studies at the Coverciano football coaching school, Moriero was appointed head coach of Ivorian club Africa Sports. On 27 July 2007, Africa Sports announced that they have sacked Moriero, appointing his assistant Salvatore Nobile as new boss. On 7 August, Moriero signed for Serie C1's Lanciano, guiding the club under massive financial issues that successively led to bankrupt, an auction-regulated sale and point deductions throughout the season. He successively guided F.C. Crotone to win the Lega Pro Prima Divisione playoffs and achieve promotion to Serie B in the 2008–09 season. He then served as head coach of Serie B club Frosinone from July 2009 to April 2010. In September 2010 he was named new head coach of Grosseto in the Italian Serie B, replacing Luigi Apolloni, but was dismissed later in January 2011 due to poor results. In the season 2012–13 he was again named head coach of Grosseto, but on 1 October 2012 he was sacked. On 30 June 2013, Moriero signed with his former club, Lecce, although he was dismissed 24 September. On 1 July 2014, he was hired by Catanzaro, although he was later sacked once again by the club on 9 November. In May 2017 he was appointed coach of Sambenedettese. He was fired in November, but was later called back in April 2018. He left the club again on 30 June 2018. In June 2019 he joined Cavese, but was fired in September after 4 Serie C matches without wins. On 30 December 2020, he was announced as the new head coach of Albanian club Dinamo Tirana, with Fabrizio Miccoli as his assistant. On 2 March 2021, both Moriero and Miccoli resigned from their coaching roles at the club, after having been in charge of only two league games for the Albanian club. On 21 October 2021, Moriero was unveiled as the new head coach of the Maldives national football team on a two-year deal; his appointment made Moriero the first ever coach from a World Cup winning country to coach the Maldives in the history. Style of play Moriero was a right-footed, quick, diminutive, energetic, and highly technical midfielder, who was predominantly used as right winger; although he was primarily an offensive minded player, with a penchant for making attacking runs, and who was even used as an outside forward on occasion, he was also known for his work-rate, tactical intelligence, and defensive contribution off the ball, as well as his ability to track back, which enabled him to cover the flank effectively. Moriero's main attributes were his acceleration, pace, dribbling skills, agility, flair, and creativity; these characteristics enabled him to beat opponents in one on one situations, get up the wing, and provide width to his team by overloading the flanks, giving his team a numerical advantage when attacking. He was also known for his ability to create chances and provide assists for strikers with his crossing ability and long balls from the right flank. He also had good vision and distribution, as well as a penchant for scoring with spectacular strikes from distance, or acrobatic goals from volleys and bicycle kicks. Regarded as one of the best wingers of his generation, during his prime, his world class performances, characteristics, playing style, and position on the pitch earned him comparisons with esteemed former Italian wingers Franco Causio, Bruno Conti, and Roberto Donadoni, as well as Portuguese winger Luís Figo. However, despite his talent, Moriero also garnered a reputation for being inconsistent at times. In addition to his skills and playing ability, Moriero was also known for his trademark celebration, which involved him pretending to polish his team-mates' football boots whenever they scored a goal. Honours Player Inter UEFA Cup: 1997–98 References 1969 births Living people Sportspeople from Lecce Footballers from the Province of Lecce Men's association football wingers Italian men's footballers Italian football managers Italy men's international footballers Italy men's under-21 international footballers Serie A players Serie B players US Lecce players Cagliari Calcio players AS Roma players Inter Milan players SSC Napoli players 1998 FIFA World Cup players Africa Sports d'Abidjan managers FC Crotone managers Frosinone Calcio managers US Grosseto 1912 managers FC Lugano managers US Lecce managers US Catanzaro 1929 managers FC Dinamo City managers Maldives national football team managers Italian expatriate football managers Expatriate football managers in Ivory Coast Italian expatriate sportspeople in Ivory Coast Expatriate football managers in Albania Italian expatriate sportspeople in Albania Expatriate football managers in the Maldives Italian expatriate sportspeople in the Maldives UEFA Cup winning players
{{축구 선수 정보 |이름= 프란체스코 모리에로 |그림= Francesco Moriero 1992-1993.jpg |설명= |전체 이름= Francesco Moriero |출생일= |출생지= 레체 |사망일= |사망지= |키= 173cm |포지션= 은퇴 (과거 오른쪽 윙어) |현 소속팀= 몰디브 축구 국가대표팀 (감독) |등번호= |청소년 클럽 연도= |청소년 클럽= |클럽 연도= 1986–1992 1992–1994 1994–1997 1997–2000 2000–2002 합계 |클럽=US 레체 칼리아리 칼초 AS 로마 인테르 밀란 SSC 나폴리 |출장수(골)= 156 (13)54 (4) 76 (8) 56 (6) 24 (1) 366 (32) |국가대표팀 연도= 1998–1999 |국가대표팀= 이탈리아 |국가대표팀 출장수(골)= 8 (2) |클럽팀 최신 업데이트 날짜= |국가대표팀 최신 업데이트 날짜= |감독 연도= 2006–2007 2007–2008 2008–2009 2009–2010 2010–2011 2011–2012 2012 2013 2013 2014 2016 2017 2018 2019 2020-2021 2021- |감독 클럽= 아프리카 스포르 란차노 칼초 FC 크로토네 프로시노네 칼초 US 그로세토 FC 루냐노 US 그로세토 US 그로세토 US 레체 US 카탄차로 칼초 카타니아 삼베네데테세 칼초 삼베네데테세 칼초 카베세 1919 디나모 티라나 몰디브 }}프란체스코 "체코" 모리에로(, 1969년 3월 31일 ~ )는 이탈리아의 전 축구 선수이자 현 축구 지도자로 현재 몰디브 축구 국가대표팀 감독을 맡고 있으며 과거 포지션은 미드필더였다. 선수 시절 클럽 1986년 고향팀인 US 레체에 입단 후 1992년까지 레체의 주축 미드필더로 활약한 이후 칼리아리 칼초(1992 ~ 1994), AS 로마(1994 ~ 1997), 인테르 밀란(1997 ~ 2000), SSC 나폴리(2000 ~ 2001) 등에서 활동하며 레체의 1987-88 세리에 B 준우승 및 차기 시즌 세리에 A 승격, 칼리아리의 1993-94년 UEFA컵 4강, 인테르의 1997-98 세리에 A 준우승, 1997-98년 UEFA컵 우승 등에 공헌한 뒤 15년간의 현역 생활을 마감했다. 국가대표팀 1998년 1월 28일 슬로바키아와의 친선 경기에서 이탈리아 A대표팀 소속으로 국제 A매치 데뷔전을 치렀고 같은 해 4월 22일 열린 파라과이와의 경기에서 A매치 데뷔골을 신고했다. 이후 같은 해에 열린 1998년 FIFA 월드컵 본선에서 B조 조별리그 1차전을 제외한 나머지 4경기를 모두 선발로 출전했고 특히 카메룬과의 조별리그 2차전에서 크리스티안 비에리의 선제골을 어시스트하는 등 맹활약을 펼치며 팀의 8강 진출에 일조했다. 그 뒤 1999년 10월 9일 벨라루스와의 UEFA 유로 2000 예선 1조 최종전에 출전하며 0-0 무승부로 팀 통산 5번째 유로 대회 본선 진출을 조력한 뒤 벨라루스전을 마지막으로 국가대표팀 유니폼을 반납했다. 지도자 경력 2006년 콘베르차노에서 성공적으로 수업을 마친 뒤 코트디부아르 1부 리그 소속팀인 아프리카 스포르의 감독으로 본격적인 지도자 커리어를 시작했다. 그 후 란차노 칼초를 거쳐2008-09 시즌에는 FC 크로토네의 감독을 맡아 레가 프로 프리마 디비시오네 B조 3위로 승격 플레이오프에 진출시켰고 B조 승격 플레이오프에서도 각각 SS 아레초와 베네벤토 칼초 등을 차례대로 꺾으면서 팀을 세리에 B 승격으로 이끌었다. 이후 2009년부터 2021년까지 프로시노네 칼초, FC 루냐노, US 레체, US 카탄차로, 칼초 카타니아, 삼베네데테세 칼초, 카베세 1919, 알바니아 2부 리그의 디나모 티라나의 감독을 역임했으며 대부분 이렇다할 성과를 거두지 못한 채 경질되는 일이 다반사였으나 그나마 디나모 티라나의 감독으로 2020-21 시즌 알바니아 2부 리그 준우승 및 차기 시즌 1부 리그 승격의 성과를 남겼다. 디나모 티라나를 1부 리그로 승격시킨 뒤 2021년 10월 21일 알리 수자인 전 감독의 뒤를 이어 몰디브 축구 국가대표팀의 새 사령탑으로 선임되며 지도자 커리어를 시작한지 15년만에 처음으로 국가대표팀 감독을 맡게 되었다. 그리고 2022년 3월 24일 방글라데시와의 친선 경기(2-0 승)에서 몰디브 대표팀 사령탑 데뷔전을 치른 데 이어 태국과의 2023년 AFC 아시안컵 3차 예선 C조 1차전에서 몰디브 대표팀 사령탑으로서의 첫 국제 대회 데뷔전을 치렀으며 같은 남아시아 국가인 스리랑카와의 최종전 경기에서 몰디브의 2회 연속 아시안컵 예선 승리(1-0 승)를 이끌었다. 그 뒤 2023년 남아시아 축구 선수권 대회에도 출전하여 조별리그 첫 경기에서 부탄을 2-0으로 이겼지만 이후 방글라데시와 초청팀인 레바논에 연이어 패하면서 조별리그 탈락의 고배를 마셨다. 수상 클럽 (선수) US 레체 세리에 B : 준우승 (1987-88) 칼리아리 칼초 UEFA 유로파리그 : 4강 (1993-94) 인테르 밀란 세리에 A : 준우승 (1997-98) UEFA 유로파리그 : 우승''' (1997-98) 클럽 (지도자) 디나모 티라나 알바니아 2부 리그 : 준우승 (2020-21) 각주 1969년 출생 살아있는 사람 이탈리아의 남자 축구 선수 이탈리아 남자 축구 국가대표팀 선수 1998년 FIFA 월드컵 참가 선수 US 레체의 축구 선수 칼리아리 칼초의 축구 선수 AS 로마의 축구 선수 FC 인테르나치오날레 밀라노의 축구 선수 SSC 나폴리의 축구 선수 이탈리아의 축구 감독 FC 크로토네의 축구 감독 프로시노네 칼초의 축구 감독 US 그로세토 1912의 축구 감독 FC 루냐노의 축구 감독 US 레체의 축구 감독 세리에 A의 축구 선수 세리에 B의 축구 선수 이탈리아 남자 U-21 축구 국가대표팀 선수 몰디브에 거주한 이탈리아인 몰디브 축구 국가대표팀 감독
amphora/parallel-wiki-koen
full
J Mcd rewrite that with a catchy craigslist title and write in first peron and instead of saying ready to ship, say ready to meet up and deliver this to you: Looking for a way to keep your Subaru Crosstrek or Impreza clean and protected? Look no further! We have just what you need - a cargo tray and plush car mats. Our Subaru Crosstrek Cargo Tray is the perfect accessory for anyone who wants to keep their trunk area looking like new. It helps protect against stains, dirt, and other messes, while also providing a non-slip surface that keeps your cargo from shifting around while driving. And if you want to take it up a notch, our plush Sports Carpeted Car Mats are the perfect addition. Designed specifically for the 2016-2021 Subaru Crosstrek, these mats provide excellent protection from dirt, moisture, and grease. Both the cargo tray and car mats are brand new and ready to ship, and we're offering them together for the unbeatable price of $125. Don't miss out on this opportunity to upgrade your Subaru and keep it in top condition. Order now and experience the peace of mind that comes with knowing your car is protected. keep all the specifications at end: PLUSH SPORTS MATS: Subaru: 1 models, 24 variants between 2018 and 2022. Subaru Crosstrek 2018, 2020, 2021, 2022 Subaru Crosstrek 2.0L 6MT Base 2018, 2019 Subaru Crosstrek 2.0L 6MT Premium 2018, 2019 Subaru Crosstrek 2.0L 6MT Premium Plus 2018, 2019 Subaru Crosstrek 2.0L CVT Base 2018, 2019 Subaru Crosstrek 2.0L CVT Limited 2018, 2019 Subaru Crosstrek 2.0L CVT Limited w/EyeSight 2018, 2019 Subaru Crosstrek 2.0L CVT Premium 2018, 2019 Subaru Crosstrek 2.0L CVT Premium Plus 2018, 2019 Subaru Crosstrek 2.0L CVT Premium Plus w/EyeSight 2018, 2019 Subaru Crosstrek 2.0L CVT Premium w/Eyesight 2018, 2019 CARGO MAT: Subaru: 2 models, 115 variants between 2017 and 2022. Subaru Crosstrek 2018, 2019, 2020, 2021, 2022 Subaru Crosstrek 2.0L 6MT Base 2018, 2019 Subaru Crosstrek 2.0L 6MT Premium 2018, 2019 Subaru Crosstrek 2.0L 6MT Premium Plus 2018, 2019 Subaru Crosstrek 2.0L CVT Base 2018, 2019 Subaru Crosstrek 2.0L CVT Limited 2018, 2019 Subaru Crosstrek 2.0L CVT Limited w/EyeSight 2018, 2019 Subaru Crosstrek 2.0L CVT Premium 2018, 2019 Subaru Crosstrek 2.0L CVT Premium Plus 2018, 2019 Subaru Crosstrek 2.0L CVT Premium Plus w/EyeSight 2018, 2019 Subaru Crosstrek 2.0L CVT Premium w/Eyesight 2018, 2019 Subaru Impreza 2017, 2018, 2019, 2020, 2021, 2022 Subaru Impreza 2.0L 5MT 4WD Premium Plus Sedan 2018, 2019, 2022 Subaru Impreza 2.0L 5MT 4WD Premium Plus Wagon 2017, 2018, 2019, 2022 Subaru Impreza 2.0L 5MT 4WD Premium Sedan 2018, 2019, 2022 Subaru Impreza 2.0L 5MT 4WD Premium Wagon 2017, 2018, 2019, 2022 Subaru Impreza 2.0L 5MT 4WD Sedan 2018, 2019, 2022 Subaru Impreza 2.0L 5MT 4WD Sport Sedan 2018, 2019 Subaru Impreza 2.0L 5MT 4WD Sport Wagon 2017, 2018, 2019, 2022 Subaru Impreza 2.0L 5MT 4WD Wagon 2017, 2018, 2019, 2022 Subaru Impreza 2.0L CVT 4WD Limited Sedan 2018, 2019, 2022 Subaru Impreza 2.0L CVT 4WD Limited Sedan w/EyeSight 2018, 2019, 2022 Subaru Impreza 2.0L CVT 4WD Limited Wagon 2017, 2018, 2019, 2022 Subaru Impreza 2.0L CVT 4WD Limited Wagon w/EyeSight 2017, 2018, 2019, 2022 Subaru Impreza 2.0L CVT 4WD Premium Plus Sedan 2018, 2019 Subaru Impreza 2.0L CVT 4WD Premium Plus Sedan w/Eyesight 2018, 2019, 2022 Subaru Impreza 2.0L CVT 4WD Premium Plus Wagon 2017, 2018, 2019 Subaru Impreza 2.0L CVT 4WD Premium Plus Wagon w/Eyesight 2017, 2018, 2019, 2022 Subaru Impreza 2.0L CVT 4WD Premium Sedan 2018, 2019 Subaru Impreza 2.0L CVT 4WD Premium Sedan w/EyeSight 2018, 2019, 2022 Subaru Impreza 2.0L CVT 4WD Premium Wagon 2017, 2018, 2019 Subaru Impreza 2.0L CVT 4WD Premium Wagon w/EyeSight 2017, 2018, 2019, 2022 Subaru Impreza 2.0L CVT 4WD Sedan 2018, 2019 Subaru Impreza 2.0L CVT 4WD Sedan w/EyeSight 2022 Subaru Impreza 2.0L CVT 4WD Sport Premium Sedan w/EyeSight 2018, 2019, 2022 Subaru Impreza 2.0L CVT 4WD Sport Premium Wagon w/EyeSight 2017, 2018, 2019, 2022 Subaru Impreza 2.0L CVT 4WD Sport Sedan 2018, 2019 Subaru Impreza 2.0L CVT 4WD Sport Wagon 2017, 2018, 2019 Subaru Impreza 2.0L CVT 4WD Wagon 2017, 2018, 2019 Subaru Impreza 2.0L CVT 4WD Wagon w/EyeSight 2022 1 / 1
Mcd라는 제목을 눈에 띄는 크레이그리스트 제목으로 다시 작성하고 첫 번째 페론에 배송 준비 완료라는 문구 대신 만나서 배송할 준비가 되었다고 적으세요: 스바루 크로스트렉이나 임프레자를 깨끗하고 안전하게 보호할 수 있는 방법을 찾고 계신가요? 더 이상 고민하지 마세요! 카고 트레이와 플러시 카매트가 준비되어 있습니다.스바루 크로스트렉 카고 트레이는 트렁크 공간을 새것처럼 유지하고 싶은 분들을 위한 완벽한 액세서리입니다. 얼룩, 먼지 및 기타 지저분한 물질로부터 보호하는 동시에 미끄럼 방지 표면을 제공하여 운전 중 화물이 움직이지 않도록 도와줍니다. 한 단계 더 업그레이드하고 싶으시다면 현대자동차의 플러시 스포츠 카펫 카매트가 완벽한 선택입니다. 2016~2021년형 스바루 크로스트렉을 위해 특별히 설계된 이 매트는 먼지, 습기, 기름으로부터 탁월한 보호 기능을 제공합니다.카고 트레이와 카매트는 모두 신품으로 배송 준비가 완료되었으며, 125달러라는 파격적인 가격에 함께 제공됩니다. 스바루를 업그레이드하고 최상의 상태로 유지할 수 있는 이 기회를 놓치지 마세요. 지금 주문하시고 차량이 보호되고 있다는 사실을 알고 안심할 수 있는 경험을 해보십시오.모든 사양을 끝까지 유지하세요: 플러시 스포츠 매트:스바루: 2018년에서 2022년 사이 1개 모델, 24개 변형.스바루 크로스트렉 2018, 2020, 2021, 2022스바루 크로스트렉 2.0L 6MT 베이스 2018, 2019스바루 크로스트렉 2.0L 6MT 프리미엄 2018, 2019스바루 크로스 트렉 2.0L 6MT 프리미엄 플러스 2018, 2019스바루 크로스트렉 2.0L CVT 베이스 2018, 2019스바루 크로스트렉 2.0L CVT 리미티드 2018, 2019스바루 크로스트렉 2.0L CVT 리미티드 w/아이사이트 2018, 2019스바루 크로스트렉 2.0L CVT 프리미엄 2018, 2019스바루 크로스트렉 2.0L CVT 프리미엄 플러스 2018, 2019스바루 크로스트렉 2.0L CVT 프리미엄 플러스 w/아이사이트 2018, 2019스바루 크로스트렉 2.0L CVT 프리미엄 w/아이사이트 2018, 2019카고 매트:스바루: 2017년부터 2022년까지 2개 모델, 115개 변형.스바루 크로스트렉 2018, 2019, 2020, 2021, 2022스바루 크로스트렉 2.0L 6MT 베이스 2018, 2019스바루 크로스트렉 2.0L 6MT 프리미엄 2018, 2019스바루 크로스트렉 2.0L 6MT 프리미엄 플러스 2018, 2019스바루 크로스트렉 2.0L CVT 베이스 2018, 2019스바루 크로스트렉 2.0L CVT 리미티드 2018, 2019스바루 크로스트렉 2.0L CVT 리미티드 w/아이사이트 2018, 2019스바루 크로스트렉 2.0L CVT 프리미엄 2018, 2019스바루 크로스트렉 2.0L CVT 프리미엄 플러스 2018, 2019스바루 크로스트렉 2.0L CVT 프리미엄 플러스 w/아이사이트 2018, 2019스바루 크로스트렉 2.0L CVT 프리미엄 w/아이사이트 2018, 2019Subaru 임프레자 2017, 2018, 2019, 2020, 2021, 2022스바루 임프레자 2.0L 5MT 4WD 프리미엄 플러스 세단 2018, 2019, 2022스바루 임프레자 2.0L 5MT 4WD 프리미엄 플러스 왜건 2017, 2018, 2019, 2022스바루 임프레자 2.0L 5MT 4WD 프리미엄 세단 2018, 2019, 2022스바루 임프레자 2.0L 5MT 4WD 프리미엄 왜건 2017, 2018, 2019, 2022스바루 임프레자 2.0L 5MT 4WD 세단 2018, 2019, 2022스바루 임프레자 2.0L 5MT 4WD 스포츠 세단 2018, 2019Subaru 임프레자 2.0L 5MT 4WD 스포츠 왜건 2017, 2018, 2019, 2022스바루 임프레자 2.0L 5MT 4WD 왜건 2017, 2018, 2019, 2022스바루 임프레자 2.0L CVT 4WD 리미티드 세단 2018, 2019, 2022스바루 임프레자 2.0L CVT 4WD 리미티드 세단 w/아이사이트 2018, 2019, 2022Subaru 임프레자 2.0L CVT 4WD 리미티드 왜건 2017, 2018, 2019, 2022Subaru 임프레자 2.0L CVT 4WD 리미티드 왜건 w/아이사이트 2017, 2018, 2019, 2022스바루 임프레자 2.0L CVT 4WD 프리미엄 플러스 세단 2018, 2019스바루 임프레자 2.0L CVT 4WD 프리미엄 플러스 세단 w/아이사이트 2018, 2019, 2022스바루 임프레자 2.0L CVT 4WD 프리미엄 플러스 왜건 2017, 2018, 2019Subaru 임프레자 2.0L CVT 4WD 프리미엄 플러스 왜건 w/아이사이트 2017, 2018, 2019, 2022스바루 임프레자 2.0L CVT 4WD 프리미엄 세단 2018, 2019Subaru 임프레자 2.0L CVT 4WD 프리미엄 세단 w/아이사이트 2018, 2019, 2022스바루 임프레자 2.0L CVT 4WD 프리미엄 왜건 2017, 2018, 2019Subaru 임프레자 2.0L CVT 4WD 프리미엄 왜건 w/아이사이트 2017, 2018, 2019, 2022스바루 임프레자 2.0L CVT 4WD 세단 2018, 2019Subaru 임프레자 2.0L CVT 4WD 세단 w/아이사이트 2022Subaru 임프레자 2.0L CVT 4WD 스포츠 프리미엄 세단 w/아이사이트 2018, 2019, 2022Subaru 임프레자 2.0L CVT 4WD 스포츠 프리미엄 왜건 w/아이사이트 2017, 2018, 2019, 2022Subaru 임프레자 2.0L CVT 4WD 스포츠 세단 2018, 2019Subaru 임프레자 2.0L CVT 4WD 스포츠 왜건 2017, 2018, 2019스바루 임프레자 2.0L CVT 4WD 왜건 2017, 2018, 2019스바루 임프레자 2.0L CVT 4WD 왜건 w / 아이 사이트 20221 / 1
squarelike/sharegpt_deepl_ko_translation
full
The solar constant (GSC) measures the amount of energy received by a given area one astronomical unit away from the Sun. More specifically, it is a flux density measuring mean solar electromagnetic radiation (total solar irradiance) per unit area. It is measured on a surface perpendicular to the rays, one astronomical unit (au) from the Sun (roughly the distance from the Sun to the Earth). The solar constant includes radiation over the entire electromagnetic spectrum. It is measured by satellite as being 1.361 kilowatts per square meter (kW/m2) at solar minimum (the time in the 11-year solar cycle when the number of sunspots is minimal) and approximately 0.1% greater (roughly 1.362 kW/m2) at solar maximum. The solar "constant" is not a physical constant in the modern CODATA scientific sense; that is, it is not like the Planck constant or the speed of light which are absolutely constant in physics. The solar constant is an average of a varying value. In the past 400 years it has varied less than 0.2 percent. Billions of years ago, it was significantly lower. This constant is used in the calculation of radiation pressure, which aids in the calculation of a force on a solar sail. Calculation Solar irradiance is measured by satellites above Earth's atmosphere, and is then adjusted using the inverse square law to infer the magnitude of solar irradiance at one Astronomical Unit (au) to evaluate the solar constant. The approximate average value cited, 1.3608 ± 0.0005  kW/m2, which is 81.65 kJ/m2 per minute, is equivalent to approximately 1.951 calories per minute per square centimeter, or 1.951 langleys per minute. Solar output is nearly, but not quite, constant. Variations in total solar irradiance (TSI) were small and difficult to detect accurately with technology available before the satellite era (±2% in 1954). Total solar output is now measured as varying (over the last three 11-year sunspot cycles) by approximately 0.1%; see solar variation for details. Historical measurements In 1838, Claude Pouillet made the first estimate of the solar constant. Using a very simple pyrheliometer he developed, he obtained a value of 1.228 kW/m2, close to the current estimate. In 1875, Jules Violle resumed the work of Pouillet and offered a somewhat larger estimate of 1.7 kW/m2 based, in part, on a measurement that he made from Mont Blanc in France. In 1884, Samuel Pierpont Langley attempted to estimate the solar constant from Mount Whitney in California. By taking readings at different times of day, he tried to correct for effects due to atmospheric absorption. However, the final value he proposed, 2.903 kW/m2, was much too large. Between 1902 and 1957, measurements by Charles Greeley Abbot and others at various high-altitude sites found values between 1.322 and 1.465 kW/m2. Abbot showed that one of Langley's corrections was erroneously applied. Abbot's results varied between 1.89 and 2.22 calories (1.318 to 1.548  kW/m2), a variation that appeared to be due to the Sun and not the Earth's atmosphere. In 1954 the solar constant was evaluated as 2.00 cal/min/cm2 ± 2%. Current results are about 2.5 percent lower. Relationship to other measurements Solar irradiance The actual direct solar irradiance at the top of the atmosphere fluctuates by about 6.9% during a year (from 1.412 kW/m2 in early January to 1.321 kW/m2 in early July) due to the Earth's varying distance from the Sun, and typically by much less than 0.1% from day to day. Thus, for the whole Earth (which has a cross section of 127,400,000 km2), the power is 1.730×1017 W (or 173,000 terawatts), plus or minus 3.5% (half the approximately 6.9% annual range). The solar constant does not remain constant over long periods of time (see Solar variation), but over a year the solar constant varies much less than the solar irradiance measured at the top of the atmosphere. This is because the solar constant is evaluated at a fixed distance of 1 Astronomical Unit (au) while the solar irradiance will be affected by the eccentricity of the Earth's orbit. Its distance to the Sun varies annually between 147.1·106 km at perihelion and 152.1·106 km at aphelion. In addition, several long term (tens to hundreds of millennia) cycles of subtle variation in the Earth's orbit (Milankovich cycles) affect the solar irradiance and insolation (but not the solar constant). The Earth receives a total amount of radiation determined by its cross section (π·RE2), but as it rotates this energy is distributed across the entire surface area (4·π·RE2). Hence the average incoming solar radiation, taking into account the angle at which the rays strike and that at any one moment half the planet does not receive any solar radiation, is one-fourth the solar constant (approximately 340 W/m2). The amount reaching the Earth's surface (as insolation) is further reduced by atmospheric attenuation, which varies. At any given moment, the amount of solar radiation received at a location on the Earth's surface depends on the state of the atmosphere, the location's latitude, and the time of day. Apparent magnitude The solar constant includes all wavelengths of solar electromagnetic radiation, not just the visible light (see Electromagnetic spectrum). It is positively correlated with the apparent magnitude of the Sun which is −26.8. The solar constant and the magnitude of the Sun are two methods of describing the apparent brightness of the Sun, though the magnitude is based on the Sun's visual output only. The Sun's total radiation The angular diameter of the Earth as seen from the Sun is approximately 1/11,700 radians (about 18 arcseconds), meaning the solid angle of the Earth as seen from the Sun is approximately 1/175,000,000 of a steradian. Thus the Sun emits about 2.2 billion times the amount of radiation that is caught by Earth, in other words about 3.846×1026 watts. Past variations in solar irradiance Space-based observations of solar irradiance started in 1978. These measurements show that the solar constant is not constant. It varies with the 11-year sunspot solar cycle. When going further back in time, one has to rely on irradiance reconstructions, using sunspots for the past 400 years or cosmogenic radionuclides for going back 10,000 years. Such reconstructions show that solar irradiance varies with distinct periodicities. These cycles are: 11 years (Schwabe), 88 years (Gleisberg cycle), 208 years (DeVries cycle) and 1,000 years (Eddy cycle). Over billions of years, the Sun is gradually expanding, and emitting more energy from the resultant larger surface area. The unsolved question of how to account for the clear geological evidence of liquid water on the Earth billions of years ago, at a time when the sun's luminosity was only 70% of its current value, is known as the faint young Sun paradox. Variations due to atmospheric conditions At most about 75% of the solar energy actually reaches the earth's surface, as even with a cloudless sky it is partially reflected and absorbed by the atmosphere. Even light cirrus clouds reduce this to 50%, stronger cirrus clouds to 40%. Thus the solar energy arriving at the surface with the sun directly overhead can vary from 550 W/m2 with cirrus clouds to 1025 W/m2 with a clear sky. See also References Atmospheric radiation Photovoltaics Radiometry Sun
태양 상수( , )는 선속 밀도의 값으로서, 1 천문단위(1 AU)의 거리에서 태양 전자기파(태양 복사 조도)의 평균을 전자기파 파면에 수직하는 단위면적으로 나눈 값이다. 태양 상수는 가시광선 뿐만 아니라 모든 종류의 태양 방사선을 포함하고 있다. 위성에서 측정한 태양 상수의 값은 태양활동 극소기에 대략 1 제곱미터당 1.361 킬로와트 (1.361 kW/m²)로 나타났고, 극대기에는 이보다 0.1% 큰 값으로 나타났다(1.362 kW/m²). 태양 "상수"는 CODATA의 물리 상수가 아니며, 이는 이 상수가 빛의 속력처럼 완벽히 변하지 않는 상수가 아님을 말한다. 태양 상수는 그저 연속적으로 변화하는 값의 평균에 불과하며, 지난 400년간 0.2% 내외로 변화하였다. 계산 태양 복사 조도는 지구 대기권 위에 위치한 위성에서 측정되며, 그 후 태양 상수의 값을 측정하기 위하여 태양 복사 조도의 측정값을 역제곱 법칙을 이용하여 조정한다. 평균 근사치는 대략 1.3608 ± 0.0005  kW/m²이며, 이는 분당 81.65 kJ/m²에 달하고, 또 "분당 1.951 cal/cm²" 또는 "분당 1.951 랭글리"로도 표현될 수 있다. 태양 방출량은 거의 고정되어 있다. 총 태양 복사 조도 (TSI) 값의 변화는 매우 작고, 인공위성으로 측정하기 이전의 기술로는 정확히 측정하기 어려웠다(1954년에 측정된 수치는 +/- 2%였다). 총 태양 방출량은 현재(11년 흑점 주기에 맞추어) 0.1%가량 변화한다고 여겨진다. 측정 역사 1838년, 클로드 푸이에는 최초로 태양 상수의 값을 추정하였다. 푸이에는 자신이 개발한 단순한 일조량계를 통해서, 태양 상수의 값을 대략 1.228 kW/m²로 추산하였고, 이는 현재의 값과 비슷하다. 1875년, 쥘 비올은 푸이에의 작업을 다시 시작하면서 자신이 몽블랑 산에서 만든 기구를 통하여 1.7 kW/m²라는 값을 추정해냈다. 1885년, 새뮤얼 피어폰트 랭글리는 휘트니 산에서 태양 상수를 측정하려고 시도하였으며, 여러 시간대에 값을 측정함을 통하여 대기에 의한 영향을 최소화하려고 하였다. 하지만 최종적으로 추정된 값은 현재의 값에 비해 오차가 큰 2.903 kW/m²였다. 1902년부터 1957년까지, 고도가 높은 지역에 설치된 찰스 애보트 및 다른 연구자들의 측정 기구들을 통하여 1.322 ~ 1.465 kW/m²라는 값을 찾아내었다. 애보트는 랭글리의 보정이 지구의 대기가 아니라 태양으로부터 기인하는 변화를 적용하지 못하였다고 하였고, 애보트 자신은 이 값을 1.89 ~ 2.22 칼로리(1.318 ~ 1.548 kW/m²)로 보았다. 1954년, 태양 상수의 값은 대략 2.00 cal/min/cm2 ± 2%로 추산되었고, 현재의 값보다 약 2.5% 낮았다. 다른 측정 값과의 관계 태양 복사 조도 대기권 최상부에서 지구에 직접 닿는 태양 복사 조도는, 지구의 공전에 따른 지구와 태양 간의 거리 변화에 따라 1년에 약 6.9% 정도로 계속해서 변동하며(1월 초에는 약 1.412 kW/m², 7월 초에는 약 1.321 kW/m²), 하루로 계산하면 0.1% 미만으로 변동한다. 따라서, 지구 전체(단면적 127,400,000 km2)에 대한 일률은 1.730×1017 W (또는 173,000 테라와트)이고, 변화 범위는 ±3.5%(1년 당 변동 범위인 6.9%의 절반)이다. 태양 상수는 긴 시간 동안에는 상수로 존재하지 않지만(태양 주기 참조), 1년 단위에서는 태양 상수의 변화량이 대기권 최상부에서 측정되는 태양 복사 조도의 변동값보다 적은데, 이는 태양 상수는 1 천문단위라는 고정된 거리에서 측정되지만, 태양 복사 조도는 지구와 태양 사이의 거리, 즉 지구의 이심률에 영향을 받기 때문이다. 지구는 자신의 단면적(π·RE²)에 따라 정해지는 양만큼의 복사열을 받지만, 지구의 자전에 따라 에너지는 표면 전체, 즉 총 겉넓이(4·π·RE²)로 분산되게 된다. 그러므로, 지구로 오는 태양 복사열의 평균은 복사광이 접근하는 각도와, 어느 순간에나 행성의 반쪽은 아무런 복사열을 받지 못하고 있다는 점을 고려하여야 하고, 이를 고려한 복사열의 평균은 태양 상수의 4분의 1(340 W/m²)이다. 지구의 표면에 도달하는 복사열의 양(일조량)은 대기권의 영향으로 감소되며, 감소량은 약간씩 변동한다. 언제나, 지구 표면에서 받는 태양 복사열은 대기의 상태, 태양의 고도(시각), 해당 지점의 위도의 영향을 받는다. 겉보기 등급 태양 상수는 가시광선뿐만 아니라 태양 전자기파의 모든 파장을 포함하고 있고(전자기 스펙트럼 참조), 이는 분명히 태양의 겉보기등급과 관련이 있다(태양의 겉보기등급은 약 -26.8등급이다). 태양 상수와 태양의 등급은 각기 태양의 밝기를 표현하는 방법이지만, 겉보기 등급은 태양의 가시광 대역 방출량만을 기준으로 한다. 태양 광도 태양에서 보이는 지구의 시직경은 약 1/11,700 라디안 (18 각초)이고, 이는 태양에서 보이는 지구의 입체각이 약 1/175,000,000 스테라디안임을 말한다. 따라서, 태양은 지구에 도달하는 복사열보다 약 220억 배 더 많은 열(3.86×1026 W)을 방출하고 있으며, 이는 보통 태양 광도라고 부른다. 과거의 태양 복사 조도 변동 우주에서의 태양 복사 조도 관측은 1978년에 시작되었고, 측정 결과는 태양 상수가 불변이 아님을 보여주었다. 태양 상수는 11년 주기의 태양 주기에 따라서 변화한다. 시간을 거슬러 올라가기 위해서는, 지난 400년간의 흑점 기록이나 10,000년 간의 우주기원 방사성핵종 기록을 통하여 당시의 복사 조도량을 복원해내야 하고, 이 복원 작업을 통해서 태양 복사 조도의 변동은 분명한 주기성을 띄고 있다는 것이 밝혀졌다. 해당 주기는 11년(슈바베 주기), 88년(글리스베르그 주기), 208년(드 브리스 주기), 1000년(에디 주기)이다. 대기 상태에 따른 변화 아무리 구름이 끼지 않고 맑은 날씨라고 하여도, 태양 에너지가 부분적으로 반사되고 대기에 흡수됨에 따라 대략 75%의 태양 에너지가 실제로 지구의 표면에 도달한다. 만약 옅은 권운이 낀다면 50%까지 값이 내려가며, 두터운 권운의 경우에는 이 값이 40%까지 감소한다. 따라서 표면에 도달하는 태양 에너지의 양은 구름이 끼었을 때 550 W/m², 맑은 하늘일 때 1025 W/m² 정도이다. 같이 보기 햇빛 태양풍 복사압 태양계의 형성과 진화 태양의 일생 항성진화 각주 태양 물리 상수 태양광 발전
amphora/parallel-wiki-koen
full
Uznach is a municipality in the Wahlkreis (constituency) of See-Gaster in the canton of St. Gallen in Switzerland. History Uznach is first mentioned in 741 as Uzinaa in a grant from a noble lady at Benken Abbey to the Abbey of Saint Gall. It was also mentioned later as both Uzinaha and Uzzinriuda. In the late 12th Century, the village was transferred from the Abbey of St. Gallen to the Counts of Toggenburg. Between 1180 and 1195 Diethelm VI. married Guta of Rapperswil and received as dowry the county of Uznach and a rose from the crest of Rapperswil. From their castle in Uznach, the Toggenburgs raided trade caravans from Zurich until 1268 when the castle was conquered and destroyed by Rudolf von Habsburg. Following the extinction of the Toggenburg line in 1436, the Old Zürich War broke out between the canton of Zürich and the other seven cantons of the Old Swiss Confederacy over the Toggenburg inheritance. The war lasted from 1436 until 1450 and ended with Zurich being brought back into the Confederation. In 1529, a Reformation preacher was arrested in Uznach by Schwyz troops. This led to the outbreak of the First war of Kappel. Two years later the Second war of Kappel broke out and Uznach was again attacked by Zurich. Geography Uznach has an area, , of . Of this area, 47.1% is used for agricultural purposes, while 24.3% is forested. Of the rest of the land, 23.3% is settled (buildings or roads) and the remainder (5.3%) is non-productive (rivers or lakes). Coat of arms The blazon of the municipal coat of arms is Gules a Rose Argent barbed seeded slipped and leaved Vert. Demographics Uznach has a population (as of ) of . , about 26.2% of the population was made up of foreign nationals. Of the foreign population, (), 58 are from Germany, 275 are from Italy, 642 are from ex-Yugoslavia, 12 are from Austria, 116 are from Turkey, and 305 are from another country. Over the last 10 years the population has grown at a rate of 5.2%. Most of the population () speaks German (83.6%), with Albanian being second most common ( 3.8%) and Italian being third ( 3.3%). Of the Swiss national languages (), 4,486 speak German, 14 people speak French, 176 people speak Italian, and 22 people speak Romansh. The age distribution, , in Uznach is; 755 children or 14.1% of the population are between 0 and 9 years old and 749 teenagers or 14.0% are between 10 and 19. Of the adult population, 664 people or 12.4% of the population are between 20 and 29 years old. 816 people or 15.2% are between 30 and 39, 815 people or 15.2% are between 40 and 49, and 582 people or 10.8% are between 50 and 59. The senior population distribution is 437 people or 8.1% of the population are between 60 and 69 years old, 358 people or 6.7% are between 70 and 79, there are 153 people or 2.8% who are between 80 and 89, and there are 39 people or 0.7% who are between 90 and 99, and 1 person who is 100 or more. there were 532 persons (or 9.9% of the population) who were living alone in a private dwelling. There were 1,078 (or 20.1%) persons who were part of a couple (married or otherwise committed) without children, and 3,240 (or 60.3%) who were part of a couple with children. There were 220 (or 4.1%) people who lived in single parent home, while there are 26 persons who were adult children living with one or both parents, 27 persons who lived in a household made up of relatives, 33 who lived household made up of unrelated persons, and 213 who are either institutionalized or live in another type of collective housing. In the 2007 federal election the most popular party was the SVP which received 37.6% of the vote. The next three most popular parties were the CVP (24.4%), the SP (12.5%) and the FDP (10.7%). In Uznach about 62.6% of the population (between age 25-64) have completed either non-mandatory upper secondary education or additional higher education (either university or a Fachhochschule). Out of the total population in Uznach, , the highest education level completed by 1,184 people (22.1% of the population) was Primary, while 1,773 (33.0%) have completed their secondary education, 483 (9.0%) have attended a Tertiary school, and 334 (6.2%) are not in school. The remainder did not answer this question. Economy , Uznach had an unemployment rate of 1.62%. , there were 42 people employed in the primary economic sector and about 19 businesses involved in this sector. 1,253 people are employed in the secondary sector and there are 72 businesses in this sector. 2,118 people are employed in the tertiary sector, with 227 businesses in this sector. the average unemployment rate was 4.5%. There were 311 businesses in the municipality of which 71 were involved in the secondary sector of the economy while 219 were involved in the third. there were 1,406 residents who worked in the municipality, while 1,329 residents worked outside Uznach and 2,124 people commuted into the municipality for work. Religion From the , 3,691 or 68.7% are Roman Catholic, while 695 or 12.9% belonged to the Swiss Reformed Church. Of the rest of the population, there are 2 individuals (or about 0.04% of the population) who belong to the Christian Catholic faith, there are 185 individuals (or about 3.45% of the population) who belong to the Orthodox Church, and there are 80 individuals (or about 1.49% of the population) who belong to another Christian church. There are 279 (or about 5.20% of the population) who are Islamic. There are 84 individuals (or about 1.56% of the population) who belong to another church (not listed on the census), 190 (or about 3.54% of the population) belong to no church, are agnostic or atheist, and 163 individuals (or about 3.04% of the population) did not answer the question. Transport Uznach railway station is served by the inter-regional Voralpen Express, which links Lucerne and St. Gallen via Rapperswil and Herisau, and by a Regio service from Rapperswil to Linthal. It is also the terminus of St. Gallen S-Bahn service S4 from St. Gallen. All three trains run hourly, combining to provide half-hourly services to Rapperswil and St. Gallen. Notable people Kurt Aepli (1914-2002 in Uznach) a Swiss silversmith, a designer of fine jewelry and implements and professional educator Werner Kaegi (born 1926) a Swiss electronic music composer, musicologist and educator Alfredo Battistini (1953–2008) an Italian-Swiss sculptor, illustrator and athlete Giuseppe Melfi (born 1967) an Italo-Swiss mathematician Yves Rüedi (born 1976) a Judge of the Federal Supreme Court of Switzerland and Jean-Claude Scherrer (born 1978) a professional tennis player Selina Kuster (born 1991) a Swiss football defender Tom Bohli (born 1994) a Swiss professional racing cyclist References External links Official website Cities in Switzerland Municipalities of the canton of St. Gallen Former condominiums of Switzerland
우츠나흐(Uznach)는 스위스 장크트갈렌주의 발크라이스 (선거구)에 있는 지자체이다. 역사 우츠나흐는 741년 벤켄 수도원의 귀족 여성이 장크트갈렌 수도원에 기증한 Uzinaa로 처음 언급되었다. 그것은 또한 나중에 Uzinaha와 Uzzinriuda로 언급되었다. 12세기 후반에 마을은 장크트갈렌 수도원에서 토겐부르크 백작으로 옮겨졌다. 1180년에서 1195년 사이 디트헬름 6세. 라퍼스빌의 구타와 결혼하고 지참금으로 우츠나흐 카운티와 라퍼스빌의 문장에서 장미를 받았다. 우츠나흐에 있는 그들의 성에서 토겐부르크가는 성이 루돌프 폰 합스부르크에 의해 정복되고 파괴된 1268년까지 취리히에서 무역 대상을 급습했다. 1436년에 토겐부르크선이 소멸된 후, 취리히주와 구스위스 연방의 다른 7개 주 사이에 토겐부르크 상속을 놓고, 구취리히 전쟁이 발발했다. 전쟁은 1436년부터 1450년까지 지속되었고, 취리히가 연방에 다시 편입되면서 끝났다. 1529년, 종교개혁 설교자는 슈비츠 군대에 의해 우츠나흐에서 체포되었다. 이것은 카펠의 제1차 전쟁의 발발로 이어졌다. 2년 후 제2차 카펠 전쟁이 발발했고, 우츠나흐는 다시 취리히의 공격을 받았다. 지리 우츠나흐의 면적은 2006년 기준으로 7.6k㎡이다. 이 면적 중 47.1%는 농업용으로 사용되고, 24.3%는 산림이다. 나머지 토지 중 23.3%는 정착지(건물 또는 도로)이고, 나머지(5.3%)는 불모지(강 또는 호수)이다. 인구통계 2020년 12월 31일 기준, 우츠나흐의 인구는 6,519명이다. 2007년 기준으로 전체 인구의 약 26.2%가 외국인이다. 2000년 기준 외국인 인구는 독일 58명, 이탈리아 275명, 유고슬라비아 642명, 오스트리아 12명, 터키 116명, 타국 305명이다. 지난 10년 동안 인구는 5.2%의 비율로 증가했다. 2000년 기준, 인구 대부분은 독일어(83.6%)를 사용하며, 알바니아어가 두 번째로 많이 사용(3.8%)되고, 이탈리아어가 세 번째(3.3%)로 사용된다. 스위스 공용어(2000년 현재), 4,486명이 독일어, 14명이 프랑스어, 176명이 이탈리아어, 22명이 로만슈어를 한다. 2000년 현재 우츠나흐의 연령 분포는 다음과 같다. 755명의 어린이(인구의 14.1%)가 0~9세이고 749명의 청소년(14.0%)이 10~19세이다. 성인 인구 중 664명(인구의 12.4%)이 20~29세이다. 816명(15.2%)은 30~39세, 815명(15.2%)은 40~49세, 582명(10.8%)은 50~59세이다. 고령자 분포는 437명(인구의 8.1%)이 60세 이상이다. 69세는 70~79세가 358명(6.7%), 80~89세가 153명(2.8%), 90~99세(39명(0.7%)), 100세 이상(1명)이 있다. 2000년에는 532명(인구의 9.9%)이 개인 주택에 혼자 살고 있었다. 자녀가 없는 부부(기혼 또는 약혼)가 1,078명(또는 20.1%)이고 자녀가 있는 부부가 3,240명(또는 60.3%)이었다. 한부모 가정에 거주하는 사람은 220명(4.1%)이었고, 한부모 또는 양부모와 함께 사는 성인 자녀가 26명, 친척으로 구성된 가구에 거주하는 사람이 27명, 혈연관계가 없는 사람, 213명이 시설에 수용되었거나 다른 유형의 공동 주택에 거주하고 있다. 2007년 연방 선거에서 가장 인기 있는 정당은 37.6%의 득표율을 기록한 SVP였다. 다음으로 가장 인기 있는 세 정당은 CVP (24.4%), SP (12.5%), FDP (10.7%)였다. 우츠나흐에서는 인구의 약 62.6%(25-64세)가 비필수 고등교육 또는 추가 고등교육(대학 또는 응용학문대학)을 완료했다. 2000년 현재 우츠나흐의 전체 인구 중 1,184명(인구의 22.1%)이 이수한 최고 교육 수준은 초등교육을 이수했으며, 1,773(33.0%)이 중등교육을 이수했으며, 483(9.0%)이 중등 교육을 이수했다. 고등교육을 받았고, 334명(6.2%)은 학교에 다니지 않는다. 나머지는 이 질문에 대답하지 않았다. 경제 2007년 현재 우츠나흐의 실업률은 1.62%이다. 2005년 기준으로 1차 경제 부문에 42명이 고용되어 있으며, 이 부문에 약 19개 기업이 참여하고 있다. 1,253명이 2차 부문에 고용되어 있고, 이 부문에 72개의 기업이 있다. 2,118명이 3차 부문에 고용되어 있으며, 이 부문에는 227개의 기업이 있다. 2009년 10월 현재 평균 실업률은 4.5%이다. 지자체에는 311개의 기업이 있었는데 그중 71개는 경제의 2차 부문에 참여했고 219개는 3차 부문에 참여했다. 2000년 기준으로 1,406명의 주민이 시에서 일했고 1,329명의 주민이 우츠나흐 밖에서 일했고 2,124명이 일을 위해 시정촌으로 통근했다. 종교 2000년 인구 조사에 따르면 3,691명(68.7%)이 로마 가톨릭 신자이고 695명(12.9%)이 스위스 개혁 교회에 속해 있다. 나머지 인구 중 천주교 신자는 2명(인구의 약 0.04%) 이고, 정교회는 185명(인구의 약 3.45%)이며, 다른 기독교 교회에 속한 80명의 개인(또는 인구의 약 1.49%)이다. 이슬람교도는 279명(인구의 약 5.20%)이다. 다른 교회에 속해 있는 84명(또는 인구의 약 1.56%)이 있으며(인구 조사에 나열되지 않음), 190명(또는 인구의 약 3.54%)이 어떤 교회에도 속하지 않고 불가지론자 또는 무신론자이며, 163명(또는 인구의 약 3.04%)이 질문에 대답하지 않았다. 교통 우츠나흐역은 과 를 통해 과 을 연결하는 지역 간 포어알펜 익스프레스와 에서 까지 레기오 서비스를 제공한다. 또한 장크트갈렌에서 출발하는 장크트갈렌 S-반 서비스 S4의 종점이기도 하다. 3개의 열차는 모두 매시간 운행되며, 합쳐서 라퍼스빌과 장크트갈렌까지 30분 간격으로 운행된다. 각주 외부 링크 우츠나흐 (공식) 스위스의 도시 장크트갈렌주의 지방 자치체
amphora/parallel-wiki-koen
full
was Japanese royalty. He was the 20th/23rd prince head of the House of Fushimi and the eldest son of Prince Fushimi Sadayuki (1776–1841) and his concubine Seiko, which made him an 11th cousin of Emperor Sakuramachi. Despite being merely a distant cousin to the emperors, he was adopted by Emperor Kōkaku as a son in 1817, which made him a full prince of the blood just like an emperor's natural-born son. Prince Kuniie became head of the Fushimi-no-miya after the death of his father in 1841. But soon, in 1842, his eldest (natural) son, Zaihan (later Prince Yamashina Akira) ran away with his aunt Princess Takako, while Zaihan was a monk in Kajū-ji. Because of this scandal, the prince soon had to abdicate in favor of the only son of his wife, Prince Sadanori, who was the sixth out of 17 sons of his father. Prince Kuniie took the name Zengaku (禪樂) as a monk afterwards. In 1864, Kuniie succeeded as Prince Fushimi-no-miya again. After Emperor Meiji moved the capital of Japan to Tokyo, Prince Kuniie left Kyoto and moved to Tokyo with his family in 1872. He abdicated again to his second son (or 14th), Prince Sadanaru, lived in seclusion, and died the same year. He was the father of 17 princes and 14 princesses (9 of which were born before his marriage to Karatsukasa Hiroko in 1836), including Prince Kuni Asahiko, Prince Yamashina Akira, Prince Higashifushimi Yorihito, Prince Kitashirakawa Yoshihisa, Prince Fushimi Sadanaru, Prince Kan'in Kotohito, the grandfather of Japan's first post-World War II Prime Minister Prince Naruhiko Higashikuni, the great-grandfather of Empress Kōjun, and the great-great grandfather of Emperor Akihito. He was the common ancestor of the Ōke. Marriage and Children On January 9, 1836, Prince Kuniie married Takatsukasa Hiroko (1814–1892), daughter of Takatsukasa Masahiro (also, a second cousin of Emperor Ninkō paternally) and had had 7 children.Beside his legal wife, the prince had nine concubine with whom he fathered 24 children. Consort and issue(s): Consort (Hi) : Takatsukasa Hiroko (鷹司景子, 15 January 1814– 28 September 1892), daughter of Takatsukasa Masahiro (鷹司 政煕) Sixth Son: Prince Fushimi Sadanori (伏見宮貞教親王, 26 October 1836 – 16 December 1862) Fifth Daughter: Princess Fumiko (碌子女王), (1839 – 1853) Seventh Son: Prince Kiku (喜久宮 , 1842 – 1851) Eighth Daughter: Princess Noriko (則子女王), (16 May 1850 – 14 November 1874), wife of Marquis Tokugawa Mochitsugu (徳川 茂承) Ninth Daughter: Princess Kayo (嘉世宮 , 1852 – 1853) Eleventh Daughter: Princess Toshi (利宮, 1856 – 1858) Fourteenth son: Prince Fushimi Sadanaru (伏見宮貞愛親王, 9 June 1858 – 4 February 1923 Wife (Nyōbō): Fujiki Toshiko (藤木寿子) First Son: Prince Yamashina Akira (山階宮晃親王, 22 October 1816 – 29 October 1891) Wife (Nyōbō): Ueno Juno (上野寿野) Second Son: Prince Shōgoin Yoshikoto (聖護院宮嘉言親王, 28 February 1821 – 26 September 1868) Third Son: Prince Manshuin Jonin (曼殊院宮譲仁親王, 1824 – 1842) First Daughter: Princess Hisako (恒子女王, 26 February 1826 – 1916) Wife (Nyōbō): Torikoji Nobuko (鳥居小路信子) Fourth Son: Prince Kuni Asahiko (久邇宮朝彦親王 , 27 February 1824 – 25 October 1891) Wife (Nyōbō): Nakamura Soma (中村杣) Second Daughter: Princess Yoriko (順子女王, 1827 – 1908), Wife of the former Minister of the Left Ichijō Tadaka (一条忠香) Third Daughter: Koga Sei'en (久我誓円, 1828 – 1910) – became an adopted daughter of Koga Michiaki (1780-1855) in 1875 Wife (Nyōbō): Furuyama Chie (古山千恵) Fourth Daughter: Princess Tomoko (和子女王, 19 January 1830 – 4 June 1884), Wife of Otani Mitsukatsu (大谷光勝) Wife (Nyōbō): Kazuo Kondō (近藤加寿尾) Fifth Son: Stillborn (1832 – 1832) Wife (Nyōbō): Horiuchi Nobuko (堀内信子) Sixth Daughter: Stillborn (1840 – 1840) Eighth Son: Prince Komatsu Akihito (小松宮彰仁親王, 11 February 1846 – 18 February 1903) Ninth Son: Prince Kitashirakawa Yoshihisa (北白川宮能久親王 , 1 April 1847 – 5 November 1895) Tenth Son: Prince Aki (誠宮 , 1848 – 1853) Eleventh Son: Prince Naru (愛宮, 1849 – 1851) Twelfth Son: Prince Kachō Hirotsune (華頂宮博経親王 , 19 April 1851 – 24 May 1876) Wife (Nyōbō): Simuko Kimura (木村世牟子) Seventh Daughter: Princess Bunshū (文秀女王, 29 January 1844 – 15 February 1926) – became a buddhist nun at Enshō-ji Wife (Nyōbō): Itami Yoshiko (伊丹吉子) Tenth Daughter: Murakumo Nichi'ei (村雲日栄, 3 April 1855 – 1920) – became a Buddhist nun Thirteenth Son: Prince Kitashirakawa Satonari (北白川宮智成親王 Kitashirakawa-no-miya Satonari shinnō), (22 July 1856 – 10 February 1872) Twelfth Daughter: Princess Takako (貴子女王, 4 January 1858 – 1919), Wife of Count Matsudaira Tadataka Thirteenth Daughter: Stillborn (1859 – 1859) Fourteenth Daughter: Princess Tame (多明宮, 1860 –1864) Fifteenth Son: Count Kiyosu Ienori (清棲家教伯爵, 19 June 1862 – 13 July 1923) Sixteenth Son: Prince Kan'in Kotohito (閑院宮載仁親王, 10 November 1865 – 21 May 1945) Seventeenth Son: Prince Higashifushimi Yorihito (東伏見宮依仁親王, 19 September 1867 – 27 June 1922) Fifteenth Daughter: Princess Machi (萬千宮, 1869 –1872) Among 12 surviving sons of Prince Kuniie, 2 of them succeeded Fushimi-no-miya, other 9 were granted with Shinnōke and the other one became a count. Ancestry Notes References Fushimi-no-miya Japanese princes Japanese Buddhist clergy 19th-century Buddhist monks 1802 births 1872 deaths
후시미노미야 쿠니이에 친왕 ()은 에도 시대에서 메이지 초기의 일본의 황족이다. 20대 및 23대 후시미노미야이다. 후시미노미야 사다요시 친왕의 장남이다. 아칭은 마사노미야 (睦宮)이다. 직계 존속인 천황부터 본 가문은 남계에서는 북조 3대 스코 천황의 14세손, 여계에서는 레이겐 천황의 내손에 해당한다. 아버지 사다요시 친왕은 황위 계승 후보로 거론된 바 있다. 1947년 (쇼와 22년) 황적이탈한 구황족 11궁가 모두 최근공통조상으로 125대 천황 아키히토의 외가 고조부 (고준 황후 (쇼와 천황의 황후)에 해당한다. 인물ㆍ약력 분카 14년 (1817년), 고카쿠 천황의 유자가 되어 친왕 선하를 받았다. 쿠니이에 (邦家)라 명명되었다. 같은 달 원복하고, 코즈케 태수에 보임되어 3품에 올랐다. 덴포 6년 (1835년), 타카츠카사 마사히로의 딸 히로코와 결혼했다. 덴포 12년 (1841년), 아버지인 사다요시 친왕이 사망함에 따라, 후시미노미야를 상속했다. 그러나, 다음해인 덴포 13년 (1842년), 6남인 요리노미야 (훗날의 사다노리 친왕)에게 가독을 물려주고 은거했다. 친왕은 출가하여 젠가쿠 (禅楽)라 칭했다. 겐지 원년 (1864년) 2월 7일, 환속을 허락받고 후시미노미야를 재계승해, 쿠니이에의 이름으로 복귀했다. 겐지 3년 (2년이라는 설도 있음) 3월, 2품으로 승진하여 식부경이 되었다. 대정봉환이 되면서, 게이오 3년 (1867년) 국사어용달에 임명되었다. 게이오 4년 (1868년) 3월 2일, 여러 해에 걸쳐 악도에 정진한 공로 등을 인정받아, 1품에 서임되었다. 메이지 5년 (1872년) 3월, 가족과 함께 교토를 떠나 도쿄로 이주했다. 4월 10일, 가독을 14남 사다나루 친왕에게 물려주고 은거했다. 같은 해 8월 5일에 71세의 나이로 사망했다. 가족 쿠니이에 친왕은 아버지 사다요시 친왕과 마찬가지로 자식 복이 굉장히 많은 사람이었다. 특히, 성인 남자가 많았기 때문에, 메이지 시대 이후의 후시미노미야계 황족 융성의 계기를 마련한 인물로 지목되고 있다. 아버지 : 후시미노미야 사다요시 친왕 어머니 : 후시와라 마사코 (이에뇨보) 친왕비 : 타카츠카사 히로코 6남 : 요리노미야 후시미노미야 사다노리 친왕 (1836년 - 1862년) - 21대 후시미노미야 5녀 : 미츠노미야 후미코 여왕 (, 1839년 - 1853년) 7남 : 키쿠노미야 (, 1842년 - 1851년) 8녀 : 미치노미야 노리코 여왕 (1850년 - 1874년) - 도쿠가와 모치츠구 후작의 아내 9녀 : 카요노미야 (, 1852년 - 1853년) 11녀 : 토시노미야 (, 1856년 - 1858년) 14남 : 아츠노미야 후시미노미야 사다나루 친왕 (1858년 - 1923년) - 22대ㆍ24대 후시미노미야 뇨보 : 후지키 토시코 () 장남 : 시즈노미야 야마시나노미야 아키라 친왕 (1816년 - 1898년) - 초대 야마시나노미야 뇨보 : 우에노 쥬노 () 차남 : 타카노미야 쇼고인노미야 요시코토 친왕 (1821년 - 1868년) - 초대 쇼고인노미야 3남 : 타시카노미야 죠닌 입도친왕 (, 1824년 - 1842년) - 만슈인 몬제키 장녀 : 오카노미야 히사코 여왕 (1826년 - 1916년) - 니죠 나리유키의 아내 뇨보 : 토리코지 노부코 () 4남 : 토미노미야 쿠니노미야 아사히코 친왕 (1824년 - 1891년) - 초대 쿠니노미야ㆍ125대 천황 아키히토의 증조부 뇨보 : 나카무라 소마 () 차녀 : 미츠노미야 요리코 여왕 (1827년 - 1908년) - 이치죠 타다요시의 아내 3녀 : 마키노미야 코가 세이엔 (, 1828년 - 1910년) - 코가 미치아키의 양녀ㆍ젠코지 주지 뇨보 : 후루야마 치에 () 4녀 : 카에노미야 토모코 여왕 (1829년 - 1884년) - 오오타니 코쇼의 아내 뇨보 : 콘도 카즈오 () 5남 : 아들 (시호 비묘인()) (1832년) 뇨보 : 호리우치 노부코 () 6녀 : 딸 (시호 보다이인()) (1843년) 8남 : 토요노미야 코마츠노미야 아키히토 친왕 (1846년 - 1903년) - 초대 코마츠노미야 9남 : 미츠노미야 키타시라카와노미야 요시히사 친왕 (1847년 - 1895년) - 2대 키타시라카와노미야 10남 : 아키노미야 (, 1848년 - 1853년) 11남 : 나루노미야 (, 1849년 - 1851년) 12남 : 타카노미야 카쵸노미야 히로츠네 친왕 (1851년 - 1876년) - 초대 카쵸노미야 뇨보 : 키무라 시무코 () 7녀 : 후키노미야 분슈 여왕 (1844년 - 1926년) - 엔쇼지 몬제키 뇨보 : 이타미 요시코 () 10녀 : 만사노미야 무라쿠모 니치에이 (1855년 - 1920년) - 쿠죠 히사타다, 후의 쿠죠 유키츠네의 양녀, 즈이류지 몬제키 13남 : 야스노미야 키타시라카와노미야 사토나리 친왕 (1856년 - 1872년) - 초대 키타시라카와노미야 12녀 : 세츠노미야 타카코 여왕 (, 1857년 - 1919년) - 마츠다이라 타다노리 백작의 아내 13녀 : 딸 (시호 칸라쿠인()) (1859년) 14녀 : 타메노미야 (, 1860년 - 1864년) 15남 : 로쿠쥬노미야 키요스 이에노리 백작 (1862년 - 1923년) - 신적강하 16남 : 야쿠노미야 칸인노미야 코토히토 친왕 (1865년 - 1945년) - 6대 칸인노미야 17남 : 사다노미야 히가시후시미노미야 요리히토 친왕 (1867년 - 1922년) - 초대 히가시후시미노미야 15녀 : 마치노미야 (, 1869년 - 1872년) 각주 일본의 친왕 막말 황족 전전 일본의 남성 황족 에도 시대의 승려 환속한 사람 후시미노미야 1802년 출생 1872년 사망
amphora/parallel-wiki-koen
full
The Free County of Burgundy (; ) was a medieval feudal state ruled by a count from 982 to 1678. It was also known as Franche-Comté, from meaning 'free count', and was located in the modern region of Franche-Comté. It bordered the Duchy of Burgundy to the west, which was part of France from 843. The territory had previously been part of the kingdom of Upper Burgundy (888–933). The county was formed in 982 by Otto-William for the lands he held in the Kingdom of Arles (outside the duchy's borders). In 1032 the Kingdom of Arles was inherited by Conrad II, Holy Roman Emperor, who incorporated the County of Burgundy into the Holy Roman Empire (HRE). The county briefly gained independence in the 12th century, before being re-incorporated into the empire by Frederick Barbarossa. As a state of the HRE, the county was granted a high degree of autonomy. The largest city, Besançon, was granted the status of free imperial city. The rest of the county was given imperial immediacy (making it an imperial county) and its rulers were given the title of , from which the French and English names of the county are derived. From 1295 the county began to fall under the increasing influence of France and the House of Burgundy, which ruled the duchy. From 1330 to 1361 and again from 1405 to 1477, there was a personal union between the county (part of the HRE) and the adjacent duchy (part of France). In 1493 the county was transferred to Habsburg Spain, which ruled it until it was conquered by France in 1674. French rule was made permanent by the Treaties of Nijmegen in 1678. Formation within the kingdom of Arles The area previously formed part of the Kingdom of the Burgundians, which had been annexed by the Franks in 534 and incorporated into the Kingdom of the Franks. The Empire was partitioned in 843 by the Treaty of Verdun, with the area west of the Saône river being allotted to West Francia as the French Duchy of Burgundy, while the southern and eastern parts of the former Burgundian kingdom fell to Middle Francia under Emperor Lothair I. This Middle Frankish part became the two independent entities of southern Lower Burgundy in 879 and northern Upper Burgundy under King Rudolph I in 888. The region that would become Franche-Comté was then included in Upper Burgundy, centred around the city of Besançon. In 933, with the collapse of the Carolingian Empire, Lower and Upper Burgundy were re-united under King [[Rudolph II of Burgundy|Rudolph II]] as the Kingdom of Arles (Arelat). In 982, Otto-William (son of Adalbert of Lombardy) married Ermentrude of Roucy. Erementrude was a widow, whose previous husband was had been count of Mâcon (in the Duchy of Burgundy) and controlled additional lands around Besançon and Dole. These lands were then ruled by Otto-William in right of his wife. Otto-William was already the adopted heir of Henry I, Duke of Burgundy, so expected to inherit the entire duchy when Henry died. The lands outside the duchy, that Otto-William had acquired through Ermentrude, were organised as the new County of Burgundy. Henry I died in 1002, at which point Otto-William claimed the Duchy of Burgundy. However, king Robert II of France refused to recognise the adoption and claimed the duchy as the nephew of Henry I. This started a war between the two claimants. After a few years of conflict, Robert II prevailed in the duchy; he would later grant it to his son Robert I, Duke of Burgundy, keeping the Crown of his elder son Hugues. Otto-William remained in control of the county of Mâcon, and therferore strengthened its grip in the County, fief of the Kingdom of Burgundy. Otto-William and Ermentrude became the progenitors of the Anscarid dynasty. The development of commercial routes across the Jura mountains and the development of salt mines assured the prosperity of the county, and for several decades its towns preserved their freedom and neutrality. As part of the Holy Roman Empire The Arelat kingdom collapsed with the extinction the ruling line in 1032. The County of Burgundy was inherited by the Holy Roman Emperor Conrad II of the Salian dynasty, while the Duchy of Burgundy returned to a cadet branch of the French Capetian dynasty. At the end of the 11th century Conrad's son Emperor Henry III elevated the Archbishop of Besançon to the dignity of an archchancellor and conferred upon Besançon the rank of a (imperial city) under the Emperor's direct patronage. Guy of Burgundy, brother of Renaud II, later became pope and negotiated the Concordat of Worms with Emperor Henry V. In the 12th century, Imperial protection allowed for the development of Besançon, but in 1127, after the assassination of William III, his cousin Renaud III shook off the Imperial yoke. Burgundy was from then on called , the "free county". Emperor Frederick Barbarossa re-established imperial influence. Frederick took the brother of Count William IV prisoner, then when William died Frederick married William's niece and heir, Beatrice I (daughter of Renaud III). Upon Emperor Frederick's death in 1190, his younger son Otto I received the county of Burgundy and assumed the rare (possibly unique) title of archcount. He was succeeded by his daughter, Beatrice II, and her husband Otto I, Duke of Merania; they were in turn followed by their son, Otto III, Count of Burgundy, and their daughter, Adelaide. The Counts Palatine for many years had to share power with the greater feudal families of the county, notably with the family of Chalon, which was descended from Stephen III, count of Auxonne, grandson of William IV and Beatrice of Thiern, the heir of the county of Chalon. The authority of the counts was re-established only by the marriage of Hugh of Chalon with Adelaide, the sister and heiress. However, this did not prevent a younger son, John of Chalon-Arlay, from taking control of the vassal states. Otto IV, son of Hugh and Adelaide, was the last of the feudal counts of Burgundy. He married first the daughter of the Count of Bar, but the marriage was childless. His second marriage was to the grandniece of King Louis IX of France, Countess Mahaut of Artois. This marriage brought the county under French influence. The daughters of Otto IV and Mahaut, Joan II and Blanche, married respectively Philip V and Charles IV of France, sons of King Philip IV. Jeanne became Queen of France after having been involved in the Tour de Nesle Affair. In that same affair, Blanche was found guilty of adultery and was imprisoned for the rest of her life. Burgundian unions After quarrelling with his barons, and after a new revolt against the French carried out by John of Chalon-Arlay, Otto IV ceded the county to his daughter as a dowry and designated the King of France as administrator of the dowry in 1295. By marrying their daughter and heir Joan, Duke Odo IV of Burgundy reunited the duchy and the county under his rule, followed by his grandson Duke Philip I. The personal union was again broken when Philip died without heirs in 1361: the Duchy of Burgundy was seized as a reverted fief by King John II of France, while the Imperial county was inherited by Philip's great aunt Margaret I, a granddaughter of Count Otto IV. In 1382, she bequeathed her estates to her son Count Louis II of Flanders. Louis II died in 1384 leaving no male heirs, so the County of Burgundy formed part of the immense dowry of his daughter Margaret, which in 1405 was inherited by her son, the Burgundian duke John the Fearless. The county and the duchy were again ruled in personal union by his descendants from the House of Valois-Burgundy until the death of Duke Charles the Bold at the 1477 Battle of Nancy. His cousin King Louis XI of France immediately occupied the county, but Archduke Maximilian I of Habsburg opposed this action, because he was the husband of Charles' daughter Mary the Rich. Though defeated at the 1479 Battle of Guinegate, the French retained the county. Spanish possession Louis' successor King Charles VIII of France, wishing to be free of conflicts over the county in order to intervene in Naples, again ceded it to Emperor Maximilian and his son Philip I of Castile by the 1493 Treaty of Senlis. From that point onwards, the County of Burgundy was ruled by Habsburg Spain, who administered it as part of the Habsburg Netherlands. The Spanish Road trade route ran through the county, connecting the various Spanish possessions in the region. The county was invaded by France in 1668, as part of the War of Devolution. Multiple cities surrendered to the French after little fighting, but were returned as part of the wider Treaty of Aix-la-Chapelle later that year. Conquest by France France invaded again in 1674, as part of the Franco-Dutch war, again overrunning the country with little resistance. The Treaties of Nijmegen ended the war in 1678; as part of the third treaty (between France and Spain), the county was transferred to France in exchange for the return of French-occupied territory in the Spanish Netherlands. The territory of Franche-Comté has remained part of France uninterrupted ever since; it now forms part of the administrative region Bourgogne-Franche-Comté. See also List of counts of Burgundy Kingdom of Burgundy Kings of Burgundy Duchy of Burgundy Duke of Burgundy Dukes of Burgundy family tree Free Imperial City of Besançon References External links The History Files: Frankish Kingdom of Burgundy Burgundian Circle History of Franche-Comté Burgundy, County 867 establishments States and territories disestablished in 1678 1400s in the Burgundian Netherlands 980s establishments in the Holy Roman Empire 1678 disestablishments in the Holy Roman Empire 982 establishments Spanish Empire in Europe
부르고뉴 자유백국(, ) 또는 부르고뉴 백국은 신성로마제국의 백국 중 하나였다. 오늘날의 프랑스 부르고뉴프랑슈콩테 레지옹 동부에 위치했다. 서쪽으로 프랑스의 봉신국인 부르고뉴 공국과 접했다. 이 지역은 원래 부르군트인들의 왕국(부르군트 제1왕국)이 있던 자리로, 534년 프랑크인들에게 정복되었다. 843년 베르됭 조약으로 프랑크 왕국이 분할되면서 손강 서안은 서프랑크 왕국에, 동안은 중프랑크 왕국에 속했다. 손강 동안은 888년 상부르군트와 하부르군트로 나뉘었는데 그 중 상부르군트의 서부 지역이 부르군트 백국이 된다. 933년 카롤루스 제국이 붕괴하면서 상하 부르군트는 부르군트 제2왕국으로 통일되었다. 1032년 부르군트 왕국의 혈통이 단절되면서 왕위가 신성로마황제 콘라트 2세에게 넘어갔다. 비슷한 즈음 손강 서안에서는 프랑스의 카페 왕가가 부르고뉴 공국을 설치했다. 이탈리아왕 아달베르투스 2세 이브렌시스의 아들 오토 빌헬름은 부르고뉴 공국의 봉신인 마콩 백작이었는데, 982년 모계로부터 손강 서안을 물려받았다. 오토 빌헬름은 이 때부터 이브레아가의 시조가 되는데, 1002년 계부인 부르고뉴 공작 앙리 1세가 죽자 부르고뉴 공국에 대한 계승권을 주장했다. 하지만 실패하고 그의 영지는 손강 이서에 한정되었는데, 이로써 부르군트 백국이 정립되었다. 부르군트 백국은 쥐라산맥을 넘는 교역로를 뚫고 암염광을 개발하여 번성했다. 11세기 말 신성로마황제 하인리히 3세는 비잔츠 대주교를 대재상으로 임명하고 비잔츠를 자유제국도시로 삼아(비잔츠 자유시) 자신의 직속 봉신으로 삼았다. 1122년에는 라이날트 2세의 동생 구이도(훗날의 교황 갈리스토 2세)가 황제 하인리히 5세와 보름스 협약을 맺었다. 비잔츠는 황제의 보호를 받으며 12세기 내내 번영했으나 1127년 부르군트 백작 빌헬름 3세가 암살당하고 그 사촌으로서 작위를 계승한 라이날트 3세는 황제의 영향력을 물리쳤다. 이로써 부르군트 백국은 "자유백국(, )이라고 불리게 되었다. 하지만 프리드리히 1세 바르바로사 황제는 다시 부르군트 백국에 황제권을 다시 세웠고, 부르군트 백작 빌헬름 4세의 조카이자 라이놀트 3세의 딸 베아트릭스 1세와 결혼했다. 빌헬름 4세와 프리드리히 황제가 죽으면서 프리드리히의 5남 오토가 오토 1세로 부르군트 백작위를 계승했다. 오토는 대백작(archcount)이라는 희한한(어쩌면 유일한) 작위를 자칭했다. 오토 1세의 딸 베아트릭스 2세가 백작위를 계승했고, 베아트릭스 2세는 메라니엔 공작 오토 1세와 결혼했다. 그들의 아들 오토 3세와 딸 아델라이데가 순서대로 백작위를 계승했다. 아델라이데는 강력한 봉신인 샬롱 백작 위그와 결혼했다. 아델라이데와 위그의 아들 오토 4세는 마지막 봉건 부르군트 백작이었다. 오토 4세는 처음에는 바르 백작의 딸과 결혼했다가 이후 마오 드 아르투아 여백작과 재혼했는데, 마오는 프랑스 국왕 루이 9세의 질녀였다. 그리하여 부르군트 백국은 프랑스의 영향권에 들어가게 되었다. 오토 4세와 마오의 딸 요하나 2세와 블랑카는 각각 프랑스 국왕 필리프 4세의 아들인 필리프와 샤를과 결혼했다. 그리함으로써 요하나는 프랑스 왕비가 되었다. 요하나와 블랑카는 1314년 궁중 성추문인 넬탑 사건에 연루되었다. 요하나는 무죄를 선고받았으나 블랑카는 간통죄 유죄를 선고받아 여생을 감옥에서 보내다 옥사했다. 필리프 5세와 요하나의 딸 요하나 3세가 외드 4세 드 부르고뉴 공작과 결혼함으로써 부르고뉴 공국과 부르군트 백국은 근 400년 만에 통일되었다. 하지만 외드와 요하나의 손자 필리프가 1361년 후사 없이 죽으면서 동군연합이 붕괴했다. 부르고뉴 공국은 프랑스 국왕 장 2세에게 개역되었고, 부르군트 백국은 오토 4세의 손녀 마르가레트 1세에게 계승되었다. 마르가레트는 1382년 자기 영지들을 아들 루이 2세 드 플랑드르 백작에게 물려주었다. 루이 2세는 남자 상속자 없이 1384년 죽었고, 부르군트 백국은 루이 2세의 딸 마르가레트에게 계승되었다. 1405년 마르가레트의 아들 부르고뉴 공작 장 용맹공이 부르군트 백국을 물려받음으로써 다시 부르고뉴 공국과 백국이 통일되었다. 이 동군연합은 1477년 낭시 전투에서 샤를 용담공이 죽을 때까지 지속되었다. 샤를 용담공이 죽은 직후, 그 사촌 루이 11세가 부르군트 백국을 차지했다. 하지만 샤를의 딸 마리 부귀공과 결혼한 오스트리아 대공 막시밀리안 폰 합스부르크가 강력한 이의를 제기하면서 부르고뉴 계승전쟁이 일어났다. 루이 11세의 후계자 샤를 8세는 나폴리 왕국에 개입하는 대신 부르군트 백국을 포기하기로 했고, 1493년 상리스 조약으로 부르군트 백국은 신성로마황제로 즉위한 막시밀리안에게 할양되었다. 그 뒤 부르군트 백국은 막시밀리안 황제의 아들인 카스티야 국왕 펠리페 1세가 물려받았다. 1512년에는 부르군트 관구에 소속되었다. 부르군트 백국은 네덜란드와 함께 계속 합스부르크 스페인의 소유로 남아 있다가 1678년 네이메헌 조약으로 프랑스에 완전히 넘어감으로써 소멸했다. 부르군트 관구 부르고뉴프랑슈콩테의 역사 867년 설립 1678년 폐지 신성 로마 제국의 백국
amphora/parallel-wiki-koen
full
Volodymyr Borysovych Groysman, sometimes transliterated as Volodymyr Borysovych Hroisman (; born 20 January 1978), is a Ukrainian politician who was the Prime Minister of Ukraine from 14 April 2016 to 29 August 2019. From March 2006 until February 2014 Groysman was the Mayor of Vinnytsia. From then to November 2014, he held two concurrent positions as the Vice Prime Minister of Ukraine for Regional Policy and the Minister of Regional Development, Construction and Housing and Communal Services of Ukraine. He was elected into parliament on the party lists of the pro-presidential Petro Poroshenko Bloc. Groysman's next post was the Chairman of the Verkhovna Rada (Ukraine's national parliament), starting late November 2014 until being appointed Prime Minister. In the 2019 Ukrainian parliamentary election he took part as the party leader of the party Ukrainian Strategy. But this party failed to win any parliamentary seats. Groysman's tenure as Prime Minister ended when Oleksiy Honcharuk was appointed Prime Minister of Ukraine on 29 August 2019. In many media sources Groysman is called the first Jewish prime minister of Ukraine, although Yukhym Zvyahilsky had previously served as acting prime minister. Early life Volodymyr Borysovych Groysman was born in Vinnytsia, to Jewish parents. His father, Borys Groysman, is a businessman and a local politician. In 1994, he started his career as a commercial director of his father's small private business company "ОКО" and as a commercial director of the private enterprise "Youth". Groysman studied at Ukraine's Interregional Academy of Personnel Management (known as MAUP). Career In the 2002 local elections, he was elected as a member of the Vinnytsia City Council from the 29th electoral district. In the city council, he worked as the Deputy Head of the Permanent Committee of the City Council on Human Rights, Lawfulness, Council Members' Activities and Ethics. In 2003, he graduated from the Interregional Academy of Personnel Management with a specialty in jurisprudence. In 2004 Groysman joined the party Our Ukraine. On 25 November 2005, he was elected the head of the city council and the acting mayor. In the 26 March 2006 local elections, he was elected as the city's mayor, becoming the youngest ever mayor of a Ukrainian administrative center ( age 28 years at time of elections ). In the 10 October 2010 local elections, he was re-elected mayor for a second term, as a candidate of the party Conscience of Ukraine, gaining the support of 77.81% of citizens. While mayor, Groysman was the vice-president of the Association of Ukrainian Cities. In February 2010, Groysman graduated from the National Academy of State Administration with a specialty in Community Development Management, especially management on the local and regional levels. Government minister On 27 February 2014, Groysman was concurrently appointed as the Vice Prime Minister for Regional Policy and the Minister of Regional Development, Construction and Housing and Communal Services of Ukraine in the First Yatsenyuk Government. During this period, Groysman was appointed the chair of the Ukrainian Special Government Commission on MH17, investigating the shootdown and crash of Malaysia Airlines Flight 17 ("MH17"), during the War in Donbass. The parliamentary coalition that supported this government collapsed on 24 July 2014, and on the same day, Prime Minister Arseniy Yatsenyuk announced that he was immediately resigning from his office. However, Yatsenyuk's resignation was not accepted by parliament. Nevertheless, on 25 July 2014, the Yatsenyuk Government appointed Groysman as its acting Prime Minister. However, on 31 July 2014, the Verkhovna Rada declined Yatsenyuk's resignation because only 16 of the 450 MPs voted for his resignation. Chairman of the Verkhovna Rada In the 2014 parliamentary election, Groysman was elected into parliament after being in the top 10 of the Petro Poroshenko Bloc's electoral list. On 27 November 2014, at the first session of newly elected parliament, Groysman was elected as the Chairman of the Verkhovna Rada. 359 (of the 423 deputies) supported his nomination. He was also the only candidate for the post. Prime Minister of Ukraine With public dissatisfaction and allegations of corruption surrounding his government, Prime Minister Arseniy Yatsenyuk announced on 10 April 2016 that he planned to resign. Following several days of parliamentary debate, on 14 April 2016, Groysman was voted in by MPs 257 to 50 as the 16th Prime Minister of Ukraine. Groysman is the youngest Ukrainian prime minister ever (age 38 at election) and the only one ever to be of Jewish ethnicity and/or religion. Groysman's selection as PM triggered a constitutional requirement for a new Cabinet, in which new appointments were already forthcoming due to resignations in protest over Ukraine's corruption and reform issues. Some of the posts in the new Groysman government were assigned to people who were perceived as Poroshenko allies. Groysman indicated in 2016 he would fight corruption and build closer ties with the European Union, which has complained about widespread and pervasive corruption in Ukraine's government and economy. Groysman left the Petro Poroshenko Bloc "Solidarity" on 23 April 2019. On 20 May 2019, Volodymyr Zelensky, who defeated the incumbent Poroshenko in the 2019 Ukrainian presidential election, was inaugurated as President of Ukraine and Groysman announced he would resign as Prime Minister of Ukraine. 2019 parliamentary election and end of prime ministership On 24 May 2019, Groysman announced that he would take part in the 2019 Ukrainian parliamentary election with the party Ukrainian Strategy. (This party was registered in 2015 as the local party Vinnytsia European Strategy.) On 30 May 2019, the Ukrainian parliament voted to reject Groysman's resignation as Prime Minister of Ukraine and confirmed that he would remain Prime Minister until at least the parliamentary election which was held in July 2019. In this election Ukrainian Strategy failed to win any parliamentary seats gaining 2.41% of the total votes while the election had a 5% election threshold. The party also failed to win a constituency seat. Groysman's prime ministership ended when Oleksiy Honcharuk was appointed Prime Minister of Ukraine on 29 August 2019. Personal life Groysman is married and has two daughters and a son. For 2019, Groysman declared a salary of ₴425,503, a 2017 Mercedes-Benz GLE-Class 350D car, and an entire set of luxury wristwatches (Ulysse Nardin, Audemars Piguet, Rolex, Parmigiani, Girard-Perregaux, Breguet, Boucheron). Awards 2012: Order of Merit of 2nd degree, for contributions in the development of Ukraine and high professionalism 2011: Knight's Cross of the Order of Merit of the Republic of Poland, for merit in the development of Polish-Ukrainian cooperation 2008: Order of Merit of 3rd degree See also List of mayors of Vinnytsia References External links Official website of Ukrainian Strategy |- |- |- |- 1978 births Chairmen of the Verkhovna Rada Interregional Academy of Personnel Management alumni Jewish prime ministers Jewish Ukrainian politicians Knights of the Order of Merit of the Republic of Poland Living people Mayors of places in Ukraine Eighth convocation members of the Verkhovna Rada Ministers of Regional Development, Construction and Communal Living of Ukraine National Academy of State Administration alumni Our Ukraine (political party) politicians Politicians from Vinnytsia People of the Euromaidan Petro Poroshenko Bloc politicians Prime Ministers of Ukraine Ukrainian Jews Vice Prime Ministers of Ukraine
볼로디미르 보리소비치 흐로이스만(, Volodymyr Borysovych Hroisman, 1978년 1월 20일 ~ )은 우크라이나의 정치인으로, 2016년 4월 14일부터 2019년 8월 29일까지 우크라이나의 총리직을 역임했다. 2006년 3월부터 2014년 2월까지는 빈니차의 시장을 지냈다. 2014년 11월부터는 우크라이나 지역정책부문 제1총리와 우크라이나 지역개발건설주거집합서비스부 장관을 겸직했다. 이후 2014년 우크라이나 총선에서 친대통령 성향의 페트로 포로셴코 블록의 정당명부에 등록되어 비례대표로 당선되었다. 흐로이스만은 2014년 11월부터 최고 라다 의장(국회의장)을 지내다가 우크라이나 총리직에 임명되었다. 2019년 우크라이나 총선에서는 자신이 창당한 우크라이나 흐로이스만 전략당으로 참여했다. 하지만 흐로이스만 당은 선거에서 의석을 얻는데 실패했다. 흐로이스만은 2019년 8월 29일 다음 총리로 올렉시 혼차루크가 임명되면서 총리직에서 내려왔다. 여러 국제 언론에서는 흐로이스만을 우크라이나 최초의 유대인 총리라고 말하고 있지만, 실제로는 권한대행까지 포함할 경우 1993년 총리 권한대행이었던 유힘 즈뱌힐스키가 최초이다. 어린 시절 볼로디미르 흐로이스만은 빈니차에서 유대인 부모 아래 태어났다. 아버지인 보리스 흐로이스만은 사업가이자 지역 정치인으로 활동했다. 1992년에는 14살의 나이에 학교에서 기계공으로 일하기 시작했다. 1994년에는 흐로이스만이 학교를 졸업하고 나서 아버지가 운영하던 소규모 개인 회사인 "OKO"의 사장이자 개인기업이었던 "YOUTH"의 사장으로 활동하기 시작했다. 2003년 흐로이스만은 우크라이나의 비정부 고등교육기관인 지역간 인사관리 아카데미(MAUP)에서 공부했다. 정치 경력 흐로이스만은 2002년 우크라이나 지방선거에서 빈니차 시의회 제29선거구 시의원에 당선되었다. 시의회에서는 인권, 합법성, 시의회 활동 및 윤리에 관한 시의회 상임위원회 부위원장으로 일했다. 2003년에는 지역간 인사관리 아카데미에서 법학 전공을 수료했다. 2004년에는 흐로이스만이 우리 우크라이나당에 가입했다. 2005년 11월 23일 흐로이스만은 시의회 의장이자 시장 권한대행으로 선출되었다. 2006년 3월 26일 열린 지방선거에서 흐로이스만이 빈니차 시장으로 선출되며 우크라이나 내 최연소 시장이 되었다.(선거 당선 당시 28세) 2010년 10월 10일 열린 지방선거에서는 우크라이나의 양심당 소속으로 출마하여 77.81%의 지지율로 빈니차 시장직에 재선했다. 시장 재임 기간 흐로이스만은 우크라이나 도시협회의 부회장직도 역임했다. 2010년 2월 흐로이스만은 국립 국가행정 아카데미에서 지역사회개발관리, 특히 지방 및 지역 수준의 관리법을 이수했다. 장관 시절 2014년 2월 27일 흐로이스만은 야체뉴크 제1내각에서 우크라이나 지역정책부문 제1총리와 우크라이나 지역개발건설주거집합서비스부 장관에 임명되었다. 장관 재임 기간에는 돈바스 전쟁 도중 일어난 말레이시아 항공 17편 격추 사건을 조사하는 말레이시아 항공 17편 격추에 대한 우크라이나 특별정부위원회의 위원장으로도 임명되었다. 내각을 지지했던 연합정부가 2014년 7월 24일 붕괴되었고 같은 날 우크라이나의 총리 아르세니 야체뉴크가 곧바로 사임한다고 발표했다. 하지만 야체뉴크의 사임안은 최고 라다에서 즉시 받아들여지지 않았다. 그럼에도 2014년 7월 25일 야체뉴크 내각은 흐로이스만을 총리 권한대행으로 임명했다. 2014년 7월 31일 야체뉴크의 사임안 투표가 정원 450명 중 찬성 16명만 나와 부결되면서 권한대행 임기가 끝났다. 최고 라다 의장 2014년 우크라이나 총선에서 흐로이스만은 페트로 포로셴코 블록의 선거명부 최고 10명에서 4순위로 올랐으며 비례후보로 당선되었다. 2014년 11월 27일 새로 선출된 의회가 개회되자 흐로이스만이 최고 라다 의장으로 선출되었다. 총원 435명 중 359명이 의장에 찬성했다. 의장 투표에서 흐로이스만이 유일한 후보로 나왔다. 12월 15일에는 우크라이나 국가안보 및 국방위원회 위원에 선출되었다. 흐로이스만은 2015년 전반기에 국회의원에게 과제를 제시하는 "개혁입법 지원계획법안"을 발의했다. 이 법안은 흐로이스만이 개혁을 위한 입법지침을 정의하고 법률 초안 작성에 책임을 분배하며 개혁을 위한 입법지원기간을 결정하고자 만들었다고 밝혔다. 2015년 3월에는 러시아 TV 시리즈의 우크라이나 내 방영 금지 법안을 지지했다. 2016년 내각위기 당시에는 친정부 진영의 신임 우크라이나 총리 후보 중 한명으로 꼽히기도 했다. 총리 시절 야체뉴크 내각을 둘러싼 대중의 불만과 여러 부패 혐의로 아르세니 야체뉴크 총리는 2016년 4월 10일 사임하겠다고 발표했다. 며칠 간의 원내 회의 끝에 2016년 4월 14일 흐로이스만이 페트로 포로셴코 블록, 인민전선, 부흥당, 인민의 의지 의원 등 422명 중 257명의 찬성으로 우크라이나의 16대 총리에 선출되었다. 흐로이스만은 총리 선출 당시 38세로 당시 역대 최연소 총리였으며 유일하게 유대계 민족이자 종교를 가진 정식 총리였다. 흐로이스만 총리 취임 첫 달에는 독립 정치인이 아니라며 포로셴코와 매우 긴밀한 관계에 있다는 보도가 많았지만 시간이 지나면서 흐로이스만은 포로셴코와 거리를 두기 시작하고 비판하기 시작했다. 흐로이스만이 총리로 선출되면서 신내각을 구성해야 했는데 우크라이나의 부패와 개혁 문제에 항의하며 사임한 각료들이 신내각에 재임용되었다. 또한 일부 내각진의 경우 포로셴코의 최측근들이 임명되기도 했다. 2016년 흐로이스만은 신내각 연설에서 부패와 싸우고 유럽연합과 긴밀한 관계를 구축하겠다고 밝혔으며 우크라이나 정부와 경제에 광범위하고 만연하게 퍼져 있는 부패에 문제를 제기했다. 흐로이스만은 2019년 4월 23일 페트로 포로셴코 블록을 탈당했다. 5월 20일에는 2019년 우크라이나 대통령 선거에서 볼로디미르 젤렌스키가 전 대통령 페트로 포로셴코를 꺾고 이겼으며 흐로이스만이 곧바로 총리직에 사임하겠다고 발표했다. 2019년 총선과 총리 사임 2019년 5월 24일 흐로이스만은 자신이 창당한 우크라이나 흐로이스만 전략으로 2019년 우크라이나 총선에 참여하겠다고 발표했다. 이 당은 2015년 지역정당으로 등록되었던 당이었다. 2019년 5월 30일 최고 라다에서는 흐로이스만의 총리 사임안 수용을 거부했으며 최소한 2019년 7월 예정된 선거일까진 흐로이스만이 계속 총리직에 남기로 확인했다. 2019년 열린 총선에서 우크라이나 전략당은 총 득표율 2.41%로 봉쇄조항인 5%를 넘지 못해 1석도 얻지 못했다. 또한 전략당은 지역구 의석도 1석도 얻지 못했다. 흐로이스만은 2019년 8월 29일 다음 총리로 올렉시 혼차루크가 임명되면서 총리직에서 내려왔다. 각주 참고 문헌 외부 링크 "우크라이나 흐로이스만 전략" 정당 공식 홈페이지 1978년 출생 살아있는 사람 우크라이나의 총리 유로마이단 관련자 빈니차 출신 유대계 우크라이나인 유대계 소련인 유대인 정치인
amphora/parallel-wiki-koen
full
The 2022 AFC Champions League was the 41st edition of Asia's premier club football tournament organized by the Asian Football Confederation (AFC), and the 20th under the current AFC Champions League title. This edition was the last in an all-year-round (spring-to-autumn) schedule despite actually being held from 2022 to 2023; from the next season onwards, the competition switched to an autumn-to-spring schedule. This edition saw increase in numbers of preliminary players registration with 35 players, up from 30 in previous editions. This paved the way for more foreign players to be included in squad, although the AFC "3+1" foreign players rule was in effect during the match. Due to scheduling issues, it was confirmed that the final, originally scheduled for October 2022, would not be completed until May 2023. As the 2022 FIFA Club World Cup would already be held by that time, the AFC confirmed on 23 December 2022 that Al-Hilal would be their representative at the 2022 FIFA Club World Cup as the reigning champions from the 2021 AFC Champions League. Al-Hilal of Saudi Arabia were the defending champions, having defeated Pohang Steelers in the 2021 final. Urawa Red Diamonds defeated Al-Hilal 2–1 on aggregate in the final to win their third title. As Asian champions, they automatically qualified for the 2023–24 AFC Champions League qualifying play-offs since they did not qualify through their domestic performance. In addition, they earned the right to play in both the 2023 FIFA Club World Cup in Saudi Arabia and the 2025 FIFA Club World Cup in the United States. 2021 AFC Cup winners Al-Muharraq, having not obtained an AFC license, were not eligible to participate in this edition. Association team allocation The 47 AFC member associations are ranked based on their clubs' performance over the last four years in AFC competitions (their national team's FIFA World Rankings no longer considered). The slots are allocated by the following criteria according to the Entry Manual: The associations are split into two regions (Article 3.1): West Region consists of the 25 associations from the West Asian Football Federation (WAFF), the South Asian Football Federation (SAFF), and the Central Asian Football Association (CAFA). East Region consists of the 22 associations from the ASEAN Football Federation (AFF) and the East Asian Football Federation (EAFF). The AFC may reallocate one or more associations to another region if necessary for sporting reasons. The top 12 associations in each region are eligible to enter the AFC Champions League. In each region, there are five groups in the group stage, including 16 direct slots, with the 4 remaining slots filled through qualifying play-offs (Article 3.2). The slots in each region are distributed as follows: The associations ranked 1st and 2nd are each allocated three direct slots and one play-off slot. The associations ranked 3rd and 4th are each allocated two direct slots and two play-off slots. The associations ranked 5th are each allocated one direct slot and two play-off slots. The associations ranked 6th are each allocated one direct slot and one play-off slot. The associations ranked 7th to 10th are each allocated one direct slot. The associations ranked 11th and 12th are each allocated one play-off slot. The AFC Champions League title holders and AFC Cup title holders are each allocated one play-off slot should they not qualify for the tournament through domestic performance (Article 3.6). The following rules are applied: If the AFC Champions League title holders or AFC Cup title holders are from associations ranked 1st to 6th, their association is allocated the same number of play-off slots, and they replace the lowest-seeded team from their association. Otherwise, their association is allocated one additional play-off slot, and they do not replace any team from their association (Articles 3.8, 3.9 and 3.10). If both the AFC Champions League title holders and AFC Cup title holders are from the same association which is allocated only one play-off slot, their association is allocated one additional play-off slot, and only the lowest-seeded team from their association is replaced as a result (Article 3.11). The AFC Champions League title holders and AFC Cup title holders are the lowest-seeded teams in the qualifying play-offs if they do not replace any team from their association (Article 3.12). If any association ranked 1st to 6th do not fulfill any one of the AFC Champions League criteria, they have all their direct slots converted into play-off slots. The direct slots given up are redistributed to the highest eligible association by the following criteria (Articles 3.13 and 3.14): For each association, the maximum number of total slots is four and the maximum number of direct slots is three (Articles 3.4 and 3.5). If any association ranked 3rd to 6th is allocated one additional direct slot, one play-off slot is annulled and not redistributed. If any association ranked 5th to 6th is allocated two additional direct slots, one play-off slot is annulled and not redistributed. If any association ranked 7th to 10th do not fulfill any one of the AFC Champions League criteria, they have their direct slot converted into play-off slot. The direct slot given up is redistributed to the next association ranked 11th or 12th, whose play-off slot is annulled and not redistributed, or if neither are eligible, the highest eligible association by the same criteria as mentioned above (Articles 3.16 and 3.17). If any association with only play-off slot(s), including any association ranked 11th to 12th or those mentioned above, do not fulfill the minimum AFC Champions League criteria, the play-off slot(s) are annulled and not redistributed (Articles 3.19 and 3.20). For each association, the maximum number of total slots is one-third of the total number of eligible teams (excluding foreign teams) in the top division (Article 3.4). If this rule is applied, any direct slots given up are redistributed by the same criteria as mentioned above, and play-off slots are annulled and not redistributed (Article 9.10). All participating teams must be granted an AFC Champions League license, and apart from cup winners, finish in the top half of their top division (Articles 7.1 and 9.5). If any association do not have enough teams which satisfy this criteria, any direct slots given up are redistributed by the same criteria as mentioned above, and play-off slots are annulled and not redistributed (Article 9.9). If any team granted a license refuses to participate, their slot, either direct or play-off, is annulled and not redistributed (Article 9.11). Association ranking For the 2022-23 AFC Champions League, the associations are allocated slots according to their AFC Club Competitions Ranking which was published on 29 November 2019, which takes into account their performance in the AFC Champions League and the AFC Cup during the period between 2016 and 2019. Notes Teams In the following table, the number of appearances and last appearance count only those since the 2002–03 season (including qualifying rounds), when the competition was rebranded as the AFC Champions League. Notes Schedule The schedule of the competition is as follows. The final version was originally announced on 13 January 2022, with the following modifications made on 9 December 2022: the West Region knockout stage matches were pushed back by two weeks in February, while the final was moved from 19 and 26 February to 29 April and 6 May 2023. Original schedule The original schedule of the competition, as planned in 2019 before the pandemic, included a two-legged knockout stage. In June 2021, a minor revision was made to the schedule of the preliminary and play-off stages: matches were moved one week earlier in January. First major revision to schedule On 5 July 2021, the AFC announced the first revised schedule of the competition, featuring a centralized group stage and single-leg knockout stage matches. Second major revision to schedule On 13 January 2022, the AFC announced the second revised schedule of the competition, with the knockout stage of the West Region pushed back to February 2023, and a two-legged format restored for the final. Qualifying play-offs Preliminary round Play-off round Group stage Group A Group B Group C Group D Group E Group F Group G Group H Group I Group J Ranking of second-placed teams West Region East Region Knockout stage Bracket Round of 16 Quarter-finals Semi-finals Final Top scorers See also 2022 AFC Cup Notes References External links 1 1 2022
2022년 AFC 챔피언스리그는 2022년 3월부터 10월까지 열릴 예정인 아시아 국가의 최정상 팀이 참가하는 41번째 대회(아시안 클럽 챔피언십 포함)이자 현재의 AFC 챔피언스리그 구성으로는 20회째를 맞는 아시아 국가들의 클럽대항전이다. 참가권 배정 랭킹 선별 기준은 최근 4년간 각 국가의 구단들의 대륙 대회 성적을 토대로 정해진다. 2020년과 2021년 대회 성적은 랭킹 계산을 하지 않는다. 협회들은 두 지역으로 나뉘어 참가하게 된다. 서아시아 지역에서는 서아시아 축구 연맹(WAFF)과 중앙아시아 축구 연맹(CAFA), 남아시아 축구 연맹(SAFF) 소속 총 25개 국가축구협회들이 참여하게 된다. 동아시아 지역에서는 동아시아 축구 연맹(EAFF)과 아세안 축구 연맹(AFF) 소속 총 21개 국가축구협회들이 참여하게 된다. 서아시아와 동아시아 각 지역은 조별 예선에서 5개 조씩 나뉘어 참여하게 된다. 양 지역 모두 16개의 직행 티켓과 4개의 플레이오프 티켓을 배분받게 된다. AFC 랭킹 최상위 12개 협회는, AFC 챔피언스리그 참가 기준에 맞춘다면, AFC 챔피언스리그에 참여할 수 있게 된다. 각 지역의 AFC 랭킹 최상위 10개 협회(서아시아 최상위 10개 협회+동아시아 최상위 10개 협회)는 최소한 1개의 본선 직행 티켓을 보유하게 된다. 각 지역 최상위 1위와 2위 협회는 3장의 본선 직행 티켓과 1장의 플레이오프 티켓을 갖는다. 각 지역 최상위 3위와 4위 협회는 2장의 본선 직행 티켓과 2장의 플레이오프 티켓을 갖는다. 각 지역 최상위 5위 협회는 1장의 본선 직행 티켓과 2장의 플레이오프 티켓을 갖는다. 각 지역 최상위 6위 협회는 1장의 본선 직행 티켓과 1장의 플레이오프 티켓을 갖는다. 각 지역 최상위 7위부터 10위까지의 협회는 1장의 본선 직행 티켓을 갖는다. 각 지역 최상위 11위부터 12위까지의 협회는 1장의 플레이오프 티켓을 갖는다. 전번 시즌 AFC 챔피언스리그 우승팀과 AFC컵 우승팀은 자국 리그 성적상 챔피언스리그 참가할 수 있는 성적에 못미쳐도 각 1장의 플레이오프 티켓을 갖는다. 아래 규칙들이 적용된다.: 전대회 우승팀들이 최상위 1~6위 협회 소속이면, 해당 국가축구협회는 같은 플레이오프 티켓수를 가지며, 그들은 소속 국가축구협회의 최하위팀을 대체한다. 전대회 우승팀들이 최상위 7위 이하 협회 소속이면(정상적으로 AFC 챔피언스리그에 진출하지 못하는 최상위 13위 이하 협회 소속팀 포함), 해당 국가축구협회는 1장 추가 플레이오프 티켓수를 받으며, 해당 협회 소속 어떤 팀들도 대체하지 아니한다. 만일 AFC 챔피언스리그 우승팀과 AFC컵 우승팀이 플레이오프 참가권 1장만 부여되는 같은 국가축구협회 소속이면, 해당 국가축구협회는 1장 추가 플레이오프 티켓수를 받으며, 해당 협회 소속 최하위 시드팀만 결과로 대체된다. 만일 챔피언스리그 우승팀과 AFC컵 우승팀이 자국 리그에서 어떤 팀도 대체하지 않으면, 챔피언스리그 예선 플레이오프에서 최하위 시드팀들이다. 만일 최상위 1~6위 협회 중 어떤 협회라도 AFC 챔피언스리그 참가 기준에 하나라도 충족하지 않으면, 그들의 본선 직행권은 플레이오프 참가권으로 변환된다. 그리고 포기된 본선직행권은 아래 기준에 의해 최상위 적절한 국가축구협회에게 재배분된다. 각 국가축구협회에게, 총참가팀수는 최대 4팀이며, , 본선직행 최다팀수는 3팀이다. 3~6위 국가축구협회 중 어떤 협회라도 본선직행티켓이 1장만 배분되면, 플레이오프 1장은 취소되며 재배분되지 아니한다. 5~6위 국가축구협회 중 어떤 협회라도 본선직행티켓이 2장 배분되면, 플레이오프 1장은 취소되며 재배분되지 아니한다. 만일 최상위 7~10위 협회 중 어떤 협회라도 AFC 챔피언스리그 참가 기준에 하나라도 충족하지 않으면, 그들의 본선 직행권은 플레이오프 참가권으로 변환된다. 그리고 포기된 본선직행권은 최상위 11~12위 국가축구협회에게 재배분된다. 그리고 11~12위 협회의 플레이오프 참가권은 무효화되고 재배분되지 아니한다. 만일 둘 다 자격 안되면, 위에 언급된대로 같은 기준에 의해 최고 자격 협회에게 재배분된다. 만일 플레이오프 티켓 1장만 받은 어떤 국가축구협회라도(랭킹 11~12위 협회 또는 위 언급된 협회 포함) AFC 챔피언스리그 최소 기준을 충족하지 않으면, 플레이오프 1장은 취소되며 재배분되지 아니한다. 하나의 협회가 가질 수 있는 티켓의 최대 개수는, 최상위 리그 참가 팀 수의 1/3 수와 같다. 만약 AFC 클럽 라이센스 소지 팀 중 누구라도 AFC 챔피언스리그 참가를 거부하면, 해당 자리는 취소되며 재배분되지 아니한다. 2022년 AFC 챔피언스리그에 참가 자격이 있는 협회들은 2021년 12월 2일 발행된 AFC 클럽 랭킹에 의해 결정된다.(2020년 대회 성적 제외) Notes 참가 클럽 경기 일정 참고: 서: 서부 지역 동: 동부 지역 예선 플레이오프 각각의 예선 라운드는 단판전으로 이루어져 있다. 규정 9조 2항에 의거하여, 연장전이나 승부차기는 정규 시간 내에 승자가 결정되지 않았을 때 승자를 결정하기 위해 사용된다. 각 지역에서의 예선 라운드 팀 배정은 AFC 클럽 랭킹에 근거하여 결정되고, 둘 중 순위가 높은 협회에 소속된 클럽의 구장에서 경기를 진행한다. 같은 협회의 소속된 팀끼리는 같은 경기에 배정될 수 없다. 예비 예선 |+동아시아 플레이오프 |+서부 아시아 |} |+동부 아시아 |} 조별 리그 A조 B조 C조 D조 E조 F조 G조 H조 I조 J조 각조 2위팀 와일드카드 순위 서부 지역 동부 지역 결선 토너먼트 토너먼트 대진표 16강전 |+서부 지역 |} |+동부 지역 |} 8강전 |+서부 지역 |} |+동부 지역 |} 준결승전 |+서부 지역 |} |+동부 지역 |} 결승전 같이 보기 2022년 AFC컵 각주 AFC 챔피언스리그 시즌 AFC 챔피언스리그
amphora/parallel-wiki-koen
full
Rupperswil is a municipality in the district of Lenzburg in the canton of Aargau in Switzerland. History A partially preserved Roman-era tile kiln from the 2nd century was discovered in 1911. There is also evidence of the emergence of a late-Alamanni village in the 8th century. The modern village of Rupperswil is first mentioned in 1173 as Rubeswile. It belonged to the realm of Lenzburg and passed from the Lenzburg family to the Kyburgs then in 1273 to the rule of the Habsburgs. After the conquest of the Aargau in 1415 it became part of the Bernese District () of Lenzburg. Around the beginning of the 13th to the mid-14th century, the Lords of Rubiswile, a Kyburg Ministerialis family (unfree knights in the service of another lord) is mentioned. They were the first Twingherren of Rupperswil. The Twingherrschaft was acquired between 1295 and 1312 by the Lords of Baldegg which then passed to the Lords of Reinach, and finally to the Lords of Hallwyl. In 1521 they sold the rights to low justice to Bern. Under the Bernese Bailiwick of Lenzburg, Rupperswil was the center of a lower court district. In 1803 Rupperswil became part of the newly created Canton of Aargau. Ecclesiastically, until 1681 Rupperswil belonged to a parish of Suhr. In 1528 the city converted during the Protestant Reformation. From 1676 to 1681, the Gem tried, eventually successfully, to create a separate parish. The village church was built from donations by the villagers between 1275 and 1370. In 1500 a choir and tower were added to the building. In 1921–22 the old church was replaced by a new building. In the early 19th century the textile industry increasingly changed the formerly agricultural village. A spinning mill was established in 1836, which produced until the 1970s. In 1858, Rupperswil became a station on the railroad line Brugg–Aarau. In 1874, construction began on the Southern Railway line. Starting at the end of the 19th century there were more metal-processing plants and a sugar mill in Rupperswil. This industrial tradition and new businesses lead to a large number of jobs in the industrial sector. In 2004 54% of the population still worked in industry. Since the opening of the A1 Motorway in 1967, the population has grown steadily. The village was shocked by the 2015 Rupperswil murders. Geography Rupperswil has an area, , of . Of this area, or 29.8% is used for agricultural purposes, while or 36.9% is forested. Of the rest of the land, or 28.8% is settled (buildings or roads), or 3.4% is either rivers or lakes and or 0.2% is unproductive land. Of the built-up area, industrial buildings made up 4.5% of the total area while housing and buildings made up 12.4% and transportation infrastructure made up 9.0%. Power and water infrastructure as well as other special developed areas made up 2.1% of the area. Out of the forested land, all of the forested land area is covered with heavy forests. Of the agricultural land, 22.9% is used for growing crops and 5.6% is pastures, while 1.3% is used for orchards or vine crops. All the water in the municipality is in rivers and streams. The municipality is located in the Lenzburg district, south of the Aare river. It consists of the haufendorf village (an irregular, unplanned and quite closely packed village, built around a central square) of Rupperswil. Coat of arms The blazon of the municipal coat of arms is Argent a Bend Azure. Demographics Rupperswil has a population () of . , 17.9% of the population are foreign nationals. Over the last 10 years (1997–2007) the population has changed at a rate of 15%. Most of the population () speaks German (88.2%), with Italian being second most common ( 3.7%) and Serbo-Croatian being third ( 2.1%). The age distribution, , in Rupperswil is; 433 children or 10.1% of the population are between 0 and 9 years old and 492 teenagers or 11.5% are between 10 and 19. Of the adult population, 573 people or 13.4% of the population are between 20 and 29 years old. 603 people or 14.1% are between 30 and 39, 775 people or 18.1% are between 40 and 49, and 593 people or 13.8% are between 50 and 59. The senior population distribution is 397 people or 9.3% of the population are between 60 and 69 years old, 246 people or 5.7% are between 70 and 79, there are 144 people or 3.4% who are between 80 and 89, and there are 29 people or 0.7% who are 90 and older. , there were 123 homes with 1 or 2 persons in the household, 709 homes with 3 or 4 persons in the household, and 651 homes with 5 or more persons in the household. , there were 1,526 private households (homes and apartments) in the municipality, and an average of 2.4 persons per household. there were 816 single family homes (or 43.5% of the total) out of a total of 1,874 homes and apartments. There were a total of 11 empty apartments for a 0.6% vacancy rate. , the construction rate of new housing units was 9.9 new units per 1000 residents. In the 2007 federal election the most popular party was the SVP which received 39.6% of the vote. The next three most popular parties were the SP (18%), the FDP (14.4%) and the CVP (7.1%). The historical population is given in the following table: Sights The Fabrikanlage (factory town) Rupperswil is designated as part of the Inventory of Swiss Heritage Sites. Economy , Rupperswil had an unemployment rate of 2.03%. , there were 74 people employed in the primary economic sector and about 13 businesses involved in this sector. 1,000 people are employed in the secondary sector and there are 66 businesses in this sector. 779 people are employed in the tertiary sector, with 119 businesses in this sector. there were 1,986 workers who lived in the municipality. Of these, 1,452 or about 73.1% of the residents worked outside Rupperswil while 1,068 people commuted into the municipality for work. There were a total of 1,602 jobs (of at least 6 hours per week) in the municipality. Of the working population, 13.7% used public transportation to get to work, and 53.8% used a private car. Religion From the , 969 or 25.7% were Roman Catholic, while 2,008 or 53.3% belonged to the Swiss Reformed Church. Of the rest of the population, there were 5 individuals (or about 0.13% of the population) who belonged to the Christian Catholic faith. Transport Rupperswil sits on several railway lines and is served by trains at Rupperswil railway station. Education In Rupperswil about 72.9% of the population (between age 25 and 64) have completed either non-mandatory upper secondary education or additional higher education (either university or a Fachhochschule). Of the school age population (), there are 259 students attending primary school, there are 97 students attending secondary school in the municipality. Rupperswil is home to the Schul und Gemeinde Bibliothek Rupperswil (school and municipal library of Rupperswil). The library has () 8,404 books or other media, and loaned out 19,476 items in the same year. It was open a total of 240 days with average of 8.5 hours per week during that year. References Municipalities of Aargau
루퍼스빌(Rupperswil)은 스위스 아르가우주의 렌츠부르크구에 있는 자치체이다. 역사 2세기의 부분적으로 보존된 로마 시대의 기와 가마가 1911년에 발견되었다. 또한 8세기에 후기 알레만니족 마을이 출현했다는 증거가 있다. 루퍼스빌의 현대적인 마을은 1173년에 Rubeswile로 처음 언급되었다. 1415년 아르가우를 정복한 후 베른 지역의 일부가 되었다. 렌츠부르크. 13세기 초에서 14세기 중반경에 키부르크 미니스테리알레 가문인 Rubiswile의 영주(다른 영주를 섬기는 자유로운 기사)가 언급된다. 그들은 루퍼스빌의 첫 번째 Twingherren이었다. Twingherrschaft는 1295년에서 1312년 사이에 발데크 영주에 의해 인수되었으며, 그 후 라이나흐 영주와 마지막으로 할빌 영주에게 넘어갔다. 1521년 그들은 베른에게 재판을 받을 권리를 팔았다. 렌츠부르크의 베른 영지 아래에서 루퍼스빌은 하급 법원 구역의 중심이었다. 1803년 루퍼스빌은 새로 생성된 아르가우주의 일부가 되었다. 교회에서 1681년까지 루퍼스빌은 주어 교구에 속했다. 1528년에 도시는 개신교 종교 개혁 동안 개종했다. 1676년부터 1681년까지 Gem은 결국 성공적으로 별도의 교구를 만들려고 했다. 마을 교회는 1275-1370년 사이에 마을 사람들의 기부금으로 세워졌다. 1500년에는 합창단과 탑이 건물에 추가되었다. 1921-22년에 오래된 교회는 새 건물로 교체되었다. 19세기 초에 섬유 산업은 이전의 농촌 마을을 점차 변화시켰다. 1836년에 방적 공장을 설립하여 1970년대까지 생산했다. 1858년, 루퍼스빌은 철도 브루크 - 아라우의 역이 되었다. 1874년에는 남부 철도 노선이 건설되기 시작했다. 19세기 말부터 루퍼스빌에는 더 많은 금속 가공 공장과 설탕 공장이 있었다. 이러한 산업 전통과 새로운 비즈니스는 산업 부문에서 많은 일자리를 창출한다. 2004년에는 인구의 54%가 여전히 산업 분야에서 일하고 있다. 1967년 A1 고속도로가 개통된 이래로 인구는 꾸준히 증가해 왔다. 마을은 2015년 루퍼스빌 살인 사건으로 충격을 받았다. 지리 루퍼스빌의 면적은 2009년 현재 6.21k㎡이다. 이 면적 중 1.85k㎡ (29.8%)가 농업 목적으로 사용되는 반면 2.29k㎡ (36.9%)는 삼림으로 사용된다. 나머지 토지 중 1.79k㎡ (28.8%)가 정착(건물 또는 도로), 0.21k㎡ (3.4%)가 강 또는 호수이고 0.01k㎡(0.2%)는 비생산적인 토지이다. 건축면적 중 공업용 건물이 전체 면적의 4.5%를 차지했으며, 주택과 건물이 12.4%, 교통 기반 시설이 9.0%를 차지했다. 전력과 수자원 기반 시설 및 기타 특별 개발 지역이 면적의 2.1%를 차지한다. 산림 토지를 제외한 모든 산림 면적은 울창한 산림으로 덮여 있다. 농경지 중 22.9%는 작물 재배에 사용되며, 5.6%는 목초지이며, 1.3%는 과수원이나 포도나무 작물에 사용된다. 시정촌의 모든 물은 강과 시내에 있다. 시정촌은 아레강 남쪽의 렌츠부르크구에 있다. 그것은 루퍼스빌의 하우펜도르프 마을(중앙 광장 주변에 지어진 불규칙하고 계획되지 않은 매우 밀집된 마을)으로 구성되어 있다. 인구통계 루퍼스빌의 인구(2020년 12월 기준)는 5,618명이다. 2009년 6월 현재 전체 인구의 17.9%가 외국인이다. 지난 10년(1997-2007) 동안 인구는 15%의 비율로 변경되었다. 대부분의 인구(2000년 기준)는 독일어(88.2%)를 사용하며, 이탈리아어가 두 번째로 많이 사용(3.7%)되고 세르보-크로아티아어가 세 번째(2.1%)로 사용된다. 2008년 기준 루퍼스빌의 연령 분포는 다음과 같다. 433명(인구의 10.1%)이 0~9세이고 492명(11.5%)이 10~19세이다. 성인 인구 중 573명(인구의 13.4%)이 20~29세이다. 603명(14.1%)은 30~39세, 775명(18.1%)은 40~49세, 593명(13.8%)은 50~59세이다. 고령자 분포는 397명(인구의 9.3%)이 60세 이상이다. 69세는 70~79세가 246명(5.7%), 80~89세가 144명(3.4%), 90세 이상이 29명(0.7%)이다. 2000년 기준 1~2인 가구는 123가구, 3~4인 가구는 709가구, 5인 이상 가구는 651가구이다. 2000년 현재 시정촌에는 1,526가구(주택 및 아파트)가 있으며, 가구당 평균 2.4명이다. 2008년에는 총 1,874가구 및 아파트 중 816가구(전체의 43.5%)가 있었다. 공실률 0.6%인 공실 아파트는 총 11채였다. 2007년 기준 신규주택 건설률은 인구 1000명당 9.9세대이다. 2007년 연방 선거에서 가장 인기 있는 정당은 39.6%의 득표율을 기록한 SVP였다. 다음으로 가장 인기 있는 세 정당은 SP (18%), FDP (14.4%), CVP (7.1%)였다. 역사적 인구는 다음 표에 나와 있다. 볼거리 공장 도시 루퍼스빌은 스위스 유산 목록의 일부로 지정되었다. 경제 2007년 기준, 루퍼스빌의 실업률은 2.03%였다. 2005년 현재 1차 경제 부문에 74명이 고용되어 있고, 이 부문에 약 13개 기업이 관여하고 있다. 1,000명이 2차 부문에 고용되어 있고, 이 부문에 66개의 기업이 있다. 779명이 3차 부문에 고용되어 있으며, 이 부문에는 119개의 기업이 있다. 2000년에는 1,986명의 근로자가 시정촌에 살았다. 이중 1,452명 또는 약 73.1%의 거주자가 루퍼스빌 외부에서 일했고, 1,068명이 일을 위해 시정촌으로 통근했다. 지방 자치 단체에는 총 1,602개의 일자리(주당 최소 6시간)가 있었다. 근로 인구의 13.7%가 대중교통을 이용하여 출퇴근하고, 53.8%가 자가용을 이용하였다. 종교 2000년 인구 조사에서 로마 가톨릭 신자는 969명(25.7%)이고 스위스 개혁 교회는 2,008명(53.3%) 이었다. 나머지 인구 중 크리스찬 가톨릭 교회 신자는 5명(전체 인구의 약 0.13%)이었다. 교통 루퍼스빌은 여러 철도 노선에 있으며, 루퍼스빌역에서 기차로 운행된다. 교육 루퍼스빌에서는 인구의 약 72.9%(25-64세)가 비필수 고등교육 또는 추가 고등교육(대학 또는 응용학문대학)을 완료했다. 학령인구(2008/2009학년도 기준) 중 초등학교에 다니는 학생은 259명, 중등학교에 다니는 학생은 97명이다. 루퍼스빌에는 루퍼스빌의 학교 및 시립 도서관이 있다. 2008년 기준으로, 도서관에는 8,404권의 책이나 기타 매체, 그리고 같은 해에 19,476권을 대출했다. 그해에는 주당 평균 8.5시간씩 총 240일을 열었다. 각주 외부 링크 루퍼스빌 (공식) 아르가우주의 지방 자치체
amphora/parallel-wiki-koen
full
Okay i will give you all the code we have so far, all from different files. Here is the first file: appliances.py # Object structure: name:shiftable(bool), minW, maxW, hrs daily usage, not used before, not used after nonShiftable = { "Lighting": [False, 1000, 2000, 10, 10, 20], "Heating": [False, 6400, 9600, 24, 0, 24], "Refrigerator": [False, 1320, 3960, 24, 0, 24], "Freezer": [False, 1320, None, 24, 0, 24], "Stove": [False, 3900, None, 2, 16, 20], "TV": [False, 150, 600, 5, 16, 23], "Computer": [False, 600, None, 4, 16, 23] } shiftable = { "Dishwasher": [True, 1440, None, 3, 0, 23], "Laundromat": [True, 1940, None, 2, 0, 23], "Dryer": [True, 2500, None, 2, 0, 23], "EV": [True, 9900, None, 4, 0, 23] } auxilary = { "Coffeemaker": [True, 2.4, None, 1, 6, 8], "Ceiling-Fan": [True, 55, 100, 4, 10, 18], "Hairdryer": [True, 800, 1800, 1, 6, 8], "Toaster": [True, 800, 1500, 1, 6, 8], "Microwave": [True, 850, 1800, 1, 0, 24], "Router": [True, 2, 20, 24, 0, 24], "Cellphone-charger": [True, 2, 6, 4, 0, 24], "Cloth-iron": [True, 800, 2000, 1, 20, 24] } ---------- classes.py import random class Appliance: # usageTime = Hours daily usage, time = timeslot for usage to happen within def \_\_init\_\_(self, name, shiftable, minkW, maxkW, duration, timeStart, timeStop): self.name = name self.shiftable = shiftable self.duration = duration self.timeStart = timeStart self.timeStop = timeStop if maxkW is None: self.consumption = minkW else: self.consumption = self.randomize\_usage\_between(minkW, maxkW) def randomize\_usage\_between(self, min, max): return random.randint(min, max) def \_\_str\_\_(self): return f"{self.name} ({self.consumption} kW) \nDaily use: {self.duration} hours in timeslot {self.timeStart}-{self.timeStop}\n" class Household: def \_\_init\_\_(self, id): self.id = id self.allAppliances = [] self.nonShiftable = None self.shiftable = None self.auxilary = None def setNonShiftable(self, list): self.nonShiftable = list for a in list: if a not in self.allAppliances: self.allAppliances.append(a) def setShiftable(self, list): self.shiftable = list for a in list: if a not in self.allAppliances: self.allAppliances.append(a) def setAuxilary(self, list): self.auxilary = list for a in list: if a not in self.allAppliances: self.allAppliances.append(a) def randomizeAppliances(appliances: list) -> list: return random.sample(appliances, random.randint(1, len(appliances))) def removeEV(self): for a in self.allAppliances: if a.name == "ev": self.allAppliances.remove(a) self.shiftable.remove(a) def printAllHouseholdAppliances(self): print("Household has", len( self.allAppliances), "appliances.") for a in self.allAppliances: print("----") print(a) ------- generateElectricityPrices.py import random def generate\_electricity\_prices(): # Define the base price for electricity base\_price = 0.10 # Define the peak hours and off-peak hours peak\_hours = [16, 17, 18, 19, 20] off\_peak\_hours = [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21, 22, 23] # Create a dictionary to store the prices for each hour prices = {} # Loop through each hour of the day for hour in range(24): # Define the peak price and off-peak price peak\_price = random.uniform(0.10, 0.50) off\_peak\_price = random.uniform(0.05, 0.10) # Determine if the hour is a peak hour or off-peak hour if hour in peak\_hours: price = base\_price + peak\_price elif hour in off\_peak\_hours: price = base\_price + off\_peak\_price else: price = base\_price # Add the price to the dictionary prices[hour] = price # Return the dictionary of prices return prices -------- main.py from appliances import nonShiftable, shiftable, auxilary from classes import Appliance, Household from optimal import optimal\_calculation, calculate\_schedule\_cost, print\_schedule, scheduleAppliances, optimizeSchedule import random def main(): # Create all appliances allAppliances = [] nonShiftableAppliances = [] shiftableAppliances = [] auxilaryAppliances = [] for key in nonShiftable: newAppliance = Appliance(key, (nonShiftable[key][0]), (nonShiftable[key][1]), (nonShiftable[key] [2]), (nonShiftable[key][3]), (nonShiftable[key][4]), (nonShiftable[key][5])) allAppliances.append(newAppliance) nonShiftableAppliances.append(newAppliance) for key in shiftable: newAppliance = Appliance(key, (shiftable[key][0]), (shiftable[key][1]), (shiftable[key] [2]), (shiftable[key][3]), (shiftable[key][4]), (shiftable[key][5])) allAppliances.append(newAppliance) shiftableAppliances.append(newAppliance) for key in auxilary: newAppliance = Appliance(key, (auxilary[key][0]), (auxilary[key][1]), (auxilary[key] [2]), (auxilary[key][3]), (auxilary[key][4]), (auxilary[key][5])) allAppliances.append(newAppliance) auxilaryAppliances.append(newAppliance) # \* Assignment 2 print("Assignment 2 \n-----------------------------------------------------------------") # Create household with all nonshiftable, all shiftable, and random auxilary appliances household = Household(1) household.setNonShiftable(nonShiftableAppliances) household.setShiftable(shiftableAppliances) household.setAuxilary(randomizeList(auxilaryAppliances)) household.printAllHouseholdAppliances() # Create and print schedule householdSchedule = optimal\_calculation(household.allAppliances) print\_schedule(householdSchedule) print(f'{calculate\_schedule\_cost(householdSchedule)}nok for this schedule') # \* Assignment 3 print("Assignment 3 \n-----------------------------------------------------------------") neigborhoodAppliances = [] n = 30 # Create N number of households for i in range(n): household = Household(i + 1) household.setNonShiftable(nonShiftableAppliances) household.setShiftable(shiftableAppliances) household.setAuxilary(randomizeList(auxilaryAppliances)) # Household has a 75% chance of having a EV x = random.randint(0, 4) if x == 0: household.removeEV() # Adds households appliances to neighborhood total appliances for a in household.allAppliances: neigborhoodAppliances.append(a) # Create and print household schedule householdScehdule = optimal\_calculation(household.allAppliances) print("Household", household.id) print\_schedule(householdScehdule) print( f'Household energy cost: {calculate\_schedule\_cost(householdScehdule)}nok\n--------------------------------------------') neighborhoodSchedule = optimal\_calculation(neigborhoodAppliances) print( f'Total neighborhood cost: {calculate\_schedule\_cost(neighborhoodSchedule)}nok\n') # \* Assignment 4 print("Assignment 4 \n-----------------------------------------------------------------") household = Household(1) household.setNonShiftable(nonShiftableAppliances) household.setShiftable(shiftableAppliances) household.setAuxilary(randomizeList(auxilaryAppliances)) sched = scheduleAppliances(household.allAppliances) optimizeSchedule(sched) def randomizeList(list): return random.sample(list, random.randint(1, len(list))) main() (there will be more)
지금까지 다른 파일에서 가져온 모든 코드를 알려드리겠습니다. 첫 번째 파일은 다음과 같습니다: appliances.py # 객체 구조: name:shiftable(bool), minW, maxW, 시간 일일 사용량, 이전에는 사용되지 않음, 이후에는 사용되지 않음 nonShiftable = { "조명": [False, 1000, 2000, 10, 10, 20], "난방": [False, 6400, 9600, 24, 0, 24], "냉장고": [False, 1320, 3960, 24, 0, 24], "Freezer": [False, 1320, None, 24, 0, 24], "Stove": [거짓, 3900, 없음, 2, 16, 20]: [거짓, 3900, 없음, 2, 16, 20], "TV": [False, 150, 600, 5, 16, 23], "Computer": [False, 600, None, 4, 16, 23] } shiftable = { "Dishwasher": [True, 1440, None, 3, 0, 23], "Laundromat": [True, 1940, None, 2, 0, 23], "건조기": [참, 2500, 없음, 2, 0, 23]: [참, 2500, 없음, 2, 0, 23], "EV": [True, 9900, None, 4, 0, 23] } 보조 = { "커피메이커": [True, 2.4, None, 1, 6, 8], "천장 선풍기": [True, 55, 100, 4, 10, 18], "헤어 드라이어": [참, 800, 1800, 1, 6, 8], "토스터": [참, 800, 1500, 1, 6, 8], "전자레인지": [참, 850, 1800, 1, 0, 24], "라우터": [참, 2, 20, 24, 0, 24], "핸드폰 충전기": [참, 2, 6, 4, 0, 24], "천 다리미": [True, 800, 2000, 1, 20, 24] } ---------- classes.py 임포트 랜덤 클래스 Appliance: # usageTime = 일일 사용 시간, time = 사용 가능한 시간 슬롯 def \_\_init\_\_(self, name, shiftable, minkW, maxkW, duration, timeStart, timeStop): self.name = name self.shiftable = shiftable self.duration = 기간 self.timeStart = timeStart self.timeStop = timeStop maxkW가 None인 경우: self.consumption = minkW else: self.consumption = self.randomize\_usage\_between(minkW, maxkW) def randomize\_usage\_between(self, min, max): 반환 random.randint(min, max) def \_\_str\_\_(self): return f"{self.name} ({self.consumption} kW) \n일일 사용량: {self.duration} 시간 슬롯 {self.timeStart}-{self.timeStop}\n" 클래스 Household: def \_\_init\_\_(self, id): self.id = id self.allAppliances = [] self.nonShiftable = None self.shiftable = None self.auxilary = None def setNonShiftable(self, list): self.nonShiftable = list 를 목록에 넣습니다: a가 self.allAppliances에 없으면: self.allAppliances.append(a) def setShiftable(self, list): self.shiftable = list 목록에 있는 a의 경우: a가 self.allAppliances에 없으면: self.allAppliances.append(a) def setAuxilary(self, list): self.auxiliary = list 목록의 a에 대해: a가 self.allAppliances에 없으면: self.allAppliances.append(a) def randomizeAppliances(appliances: list) -> list: return random.sample(appliances, random.randint(1, len(appliances))) def removeEV(self): for a in self.allAppliances: if a.name == "ev": self.allAppliances.remove(a) self.shiftable.remove(a) def printAllHouseholdAppliances(self): print("Household has", len( self.allAppliances), "가전제품.") self.allAppliances의 a에 대해: print("----") print(a) ------- generateElectricityPrices.py import random def generate\_electricity\_prices(): # 전기의 기본 가격을 정의합니다. base\_price = 0.10 # 피크 시간 및 오프 피크 시간 정의 peak\_hours = [16, 17, 18, 19, 20] off\_peak\_hours = [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21, 22, 23] # 시간대별 가격을 저장할 사전을 만듭니다. prices = {} # 하루의 각 시간을 반복합니다. 범위(24)의 시간 동안: # 피크 가격과 오프 피크 가격을 정의합니다. peak\_price = random.uniform(0.10, 0.50) off\_peak\_price = random.uniform(0.05, 0.10) # 해당 시간이 피크 시간인지 비피크 시간인지 확인합니다. 만약 시간이 피크\_시간이라면: 가격 = 기본\_가격 + 피크\_가격 elif hour in off\_peak\_hours: 가격 = 기본\_가격 + 오프\_피크\_가격 else: 가격 = 기본\_가격 # 딕셔너리에 가격 추가 prices[hour] = 가격 # 가격 사전을 반환합니다. 가격 반환 -------- main.py 기구에서 비교대 가능, 교대 가능, 보조를 임포트합니다. 클래스로부터 어플라이언스, 가정용을 임포트합니다. optimal에서 optimal\_calculation, calculate\_schedule\_cost, print\_schedule, scheduleAppliances, optimizeSchedule을 임포트합니다. 무작위로 가져 오기 def main(): # 모든 어플라이언스 생성 allAppliances = [] nonShiftableAppliances = [] shiftableAppliances = [] auxilaryAppliances = [] 비 시프터블의 키에 대해: newAppliance = Appliance(key, (nonShiftable[key][0]), (nonShiftable[key][1]), (nonShiftable[key] [2]), (nonShiftable[key][3]), (nonShiftable[key][4]), (nonShiftable[key][5])) allAppliances.append(newAppliance) nonShiftableAppliances.append(newAppliance) 시프터블의 키에 대해: newAppliance = Appliance(key, (shiftable[key][0]), (shiftable[key][1]), (shiftable[key] [2]), (shiftable[key][3]), (shiftable[key][4]), (shiftable[key][5])) allAppliances.append(newAppliance) shiftableAppliances.append(newAppliance) 보조의 키에 대해: newAppliance = Appliance(key, (auxiliary[key][0]), (auxiliary[key][1]), (auxiliary[key] [2]), (auxili[key][3]), (auxili[key][4]), (auxili[key][5])) allAppliances.append(newAppliance) auxilaryAppliances.append(newAppliance) # \* 과제 2 print("Assignment 2 \n-----------------------------------------------------------------") # al로 가구 생성
squarelike/sharegpt_deepl_ko_translation
full
Charles Habib Malik (sometimes spelled Charles Habib Malek; 11 February 1906 – 28 December 1987; ) was a Lebanese academic, diplomat, philosopher, and politician. He served as the Lebanese representative to the United Nations, the President of the Commission on Human Rights and the United Nations General Assembly, a member of the Lebanese Cabinet, the head of the Ministry of Culture and Higher Education and of the Ministry of Foreign Affairs and Emigration, as well as being a theologian. He participated in the drafting of the 1948 Universal Declaration of Human Rights. Birth and education Born in Btourram, Ottoman Vilayet of Beirut (present-day Lebanon), Malik was the son of Dr. Habib Malik and Dr. Zarifa Karam. Malik was the great-nephew of the renowned author Farah Antun. Malik was educated at the American Mission School for Boys, now Tripoli Evangelical School for Girls and Boys in Tripoli and the American University of Beirut, where he graduated with a degree in mathematics and physics. He moved on to Cairo in 1929, where he developed an interest in philosophy, which he proceeded to study at Harvard (under Alfred North Whitehead) and in Freiburg, Germany under Martin Heidegger in 1932. His stay in Germany, however, was short-lived. He found the policies of the Nazis unfavorable, and left soon after they came to power in 1933. In 1937, he received his Ph.D. in philosophy (based on metaphysics in the philosophies of Whitehead and Heidegger) from Harvard University. He taught there as well as at other universities in the United States. After returning to Lebanon, Malik founded the Philosophy Department at the American University of Beirut, as well as a cultural studies program (the 'civilization sequence program', now 'Civilization Studies Program'). He remained in this capacity until 1945 when he was appointed to be the Lebanese Ambassador to the United States and the United Nations. In the United Nations Malik represented Lebanon at the San Francisco conference at which the United Nations was founded. He served as a rapporteur for the Commission on Human Rights in 1947 and 1948, when he became President of the Economic and Social Council. The same year, he became one of the eight representatives that drafted the Universal Declaration of Human Rights. He competed with Vice-Chairman P.C. Chang over the intellectual foundations of the declaration, but later conceded to Chang's point of freedom of religion and singled his rival out without mentioning the others, which included chair Eleanor Roosevelt, during his closing and thanking speech. He succeeded Roosevelt as the Human Rights Commission's Chair. He remained as ambassador to the US and UN until 1955. He was an outspoken participant in debates in the United Nations General Assembly and often criticized the Soviet Union. After a three-year absence, he returned in 1958 to preside over the thirteenth session of the United Nations General Assembly. Roles in Lebanon Meanwhile, Malik had been appointed to the Lebanese Cabinet. He was Minister of National Education and Fine Arts in 1956 and 1957, and Minister of Foreign Affairs from 1956 to 1958. While a Minister, he was elected to the National Assembly in 1957, and served there for three years. Around this time, he was also elected to the American Academy of Arts and Sciences and the American Philosophical Society. Following the outbreak of the Lebanese Civil War, which raged from 1975 to 1990, Malik helped to found the Front for Freedom and Man in Lebanon, which he named as such, to defend the Christian cause. It was later renamed the Lebanese Front. A Greek Orthodox Christian, he was the only non-Maronite among the Front's top leaders, who included Phalangist Party founder Pierre Gemayel and former President and National Liberal Party leader Camille Chamoun. Malik was widely regarded as the brains of the Front, in which the other politicians were the brawn. Malik was also noted as a theologian who successfully reached across confessional lines, appealing to his fellow Eastern Orthodox Christians, Roman Catholics, and Evangelicals alike. The author of numerous commentaries on the Bible and on the writings of the early Church Fathers, Malik was one of the few Orthodox theologians of his time to be widely known in Evangelical circles, and the evangelical leader Bill Bright spoke well of him and quoted him. Partly owing to Malik's ecumenical appeal, as well as to his academic credentials, he served as President of the World Council on Christian Education from 1967 to 1971, and as Vice-President of the United Bible Societies from 1966 to 1972. Malik also famously worked alongside fellow Lebanese diplomat and philosopher Karim Azkoul. He is related to founder of postcolonialism Edward Said through marriage. At a UN session in December 1948, Malik described Lebanon as follows: "The history of my country for centuries is precisely that of a small country struggling against all odds for the maintenance and strengthening of real freedom of thought and conscience. Innumerable persecuted minorities have found, throughout the ages, a most understanding haven in my country, so that the very basis of our existence is complete respect of differences of opinion and belief." Academic career Malik returned to his academic career in 1960. He traveled extensively, lectured on human rights and other subjects, and held professorships at a number of American universities including Harvard, the American University in Washington, DC, Dartmouth College (New Hampshire), University of Notre Dame (Indiana). In 1981, he was also a Pascal Lecturer at the University of Waterloo in Canada. His last official post was with The Catholic University of America (Washington, DC), where he served as a Jacques Maritain Distinguished Professor of Moral and Political Philosophy from 1981 to 1983. He also returned to his old chair in Philosophy at the American University of Beirut (1962 to 1976) and was appointed Dean of Graduate Studies. Malik has been awarded a world record of 50 honorary degrees; the originals are in his archives in Notre Dame University-Louaize, Lebanon. Death Malik died of complications due to kidney failure, secondary to atheroembolic disease sustained after a cardiac catheterization, performed at the Mayo Clinic two years earlier, in Beirut on 28 December 1987. His son, Habib Malik, is a prominent academic (with expertise in the history of ideas, and associate professor in the humanities division at the Lebanese American University) and also a human rights activist. He was also survived by his brother, the late Father Ramzi Habib Malik, a prominent Catholic priest who worked tirelessly for the cause of Christian reconciliation with the Jewish people as well as for the belief that the Jewish People are the elder brothers of the Christians. Malik's personal papers are housed in Notre Dame University-Louaize, Lebanon, where 200 of his personal papers and books are stored, and in the Library of Congress, Washington D.C., where his heritage occupies 44 meters of shelves in the special collection area. Further reading Mary Ann Glendon. The Forum and the Tower: How Scholars and Politicians Have Imagined the World, from Plato to Eleanor Roosevelt (2011) pp 199–220 Charles Malik, Christ and Crisis (1962) Charles Malik, Man in the Struggle for Peace (1963) Charles Malik, The Wonder of Being (1974) Charles Malik, A Christian Critique of the University (1982) Habib Malik, The Challenge of Human Rights: Charles Malik and the Universal Declaration (2000) Famous quotes "The fastest way to change society is to mobilize the women of the world." "The truth, if you want to hear it bluntly and from the start, is that independence is both a reality and a myth, and that part of its reality is precisely its myth." "The greatest thing about any civilization is the human person, and the greatest thing about this person is the possibility of his encounter with the person of Jesus Christ." "You may win every battle, but if you lose the war of ideas, you will have lost the war. You may lose every battle, but if you win the war of ideas, you will have won the war. My deepest fear--and your greatest problem--is that you may not be winning the war of ideas." "The great moments of the Near East are the judges of the world." "The university is a clear-cut fulcrum with which to move the world. More potently than by any other means, change the university and you change the world." See also List of University of Waterloo people Sources External links Charles Malek's biography in his hometown Bterram website Permanent Representatives of Lebanon to the United Nations Presidents of the United Nations General Assembly Ambassadors of Lebanon to the United States Ambassadors of Lebanon to Cuba Members of the Parliament of Lebanon Foreign ministers of Lebanon Education ministers of Lebanon Lebanese Front politicians 20th-century Lebanese philosophers Greek Orthodox Christians from Lebanon Eastern Orthodox Christians from Lebanon Eastern Orthodox theologians American University of Beirut alumni Harvard University alumni Harvard University Department of Philosophy faculty Harvard University faculty University of Notre Dame faculty Catholic University of America School of Arts and Sciences faculty Academic staff of the American University of Beirut American University faculty and staff Dartmouth College faculty 1906 births 1987 deaths Academic staff of the University of Waterloo People from Koura District Deaths from kidney failure Lebanese expatriates in the United States Members of the American Philosophical Society 20th-century Lebanese diplomats
샤를 하비브 말리크(1906년 2월 11일 ~ 1987년 12월 28일, , )는 레바논의 정치인, 외교관이자 철학자이다. 레바논 내각에서 교육예술부 장관, 외교이민부 장관을 역임했으며 유엔 주재 레바논 대사, 유엔 인권 위원회 의장, 유엔 총회 의장을 역임했다. 또한 1948년에 제정된 세계 인권 선언의 초안 작성 과정에 참여했다. 출생과 교육 샤를 말리크는 오스만 제국의 지배를 받고 있던 레바논 브투람에서 하비브 말리크와 자리파 카람 부부의 아들로 태어났다. 말리크는 레바논의 작가인 파라 안툰의 증조부이기도 하다. 말리크는 현재의 트리폴리에 위치한 트리폴리 복음 학교를 졸업했고 베이루트 아메리칸 대학교에서 수학과 물리학 학위를 받았다. 1929년에 이집트 카이로로 이주하면서 철학에 관심을 갖게 되었고 미국 하버드 대학교에서 알프레드 노스 화이트헤드의 가르침을 받게 된다. 1932년에는 독일 프라이부르크 대학교에서 마르틴 하이데거의 가르침을 받았지만 그의 독일 체류 기간은 짧았다. 그 이유는 말리크가 국가사회주의 독일 노동자당(나치당)의 정책이 불리하다는 것을 알게 되었기 때문이다. 1933년에 독일에서 나치당이 집권하자 말리크는 독일을 떠나게 된다. 1937년에는 하버드 대학교에서 철학 박사 학위를 받았는데 말리크의 논문은 화이트헤드와 하이데거의 철학에서 형이상학을 기초로 한다. 이 때부터 그는 미국의 다른 대학 뿐만 아니라 하버드 대학교에서도 교수로 근무했다. 말리크는 레바논으로 귀국한 이후에 베이루트 아메리칸 대학교에 철학과를 설립하고 문화 연구 프로그램(문명 시퀀스 프로그램, 현재의 문명 연구 프로그램)을 설립했다. 그는 1945년에 미국과 유엔 주재 레바논 대사로 임명될 때까지 해당 직위에 머물렀다. 유엔에서의 활동 말리크는 1945년에 유엔 설립의 계기가 된 샌프란시스코 회의에서 레바논 대표로 참석했다. 1947년부터 1948년까지 유엔 인권 위원회 조사 위원, 유엔 경제 사회 이사회 의장을 역임했다. 1948년에는 세계 인권 선언의 초안을 작성한 8명의 대표자들 가운데 한 사람이 되었다. 그는 초안 작성 과정에서 중국의 철학자인 장펑춘 부의장과 경쟁을 벌였다. 말리크는 처음에 선언문의 지적 기반을 뒤집었으나 나중에 장펑춘이 제시한 종교의 자유에 대한 관점을 인정했다. 그는 폐막과 감사 연설에서 엘리너 루스벨트 의장을 포함한 다른 사람들을 언급하지 않고 경쟁자를 지목했다. 말리크는 루스벨트의 뒤를 이어 인권 위원회 의장이 되었다. 말리크는 1955년까지 미국과 유엔 주재 레바논 대사로 근무했다. 그는 유엔 총회의 토론에 거침없이 참여했고 종종 소련을 비판했다. 1958년에 유엔 총회의 제13차 회의를 주재하기 위해 미국으로 돌아왔다. 레바논 내각에서의 역할 말리크는 1956년부터 1958년까지 레바논 외교부 장관을 역임했으며 1956년부터 1957년까지 레바논 국가교육예술부 장관을 역임했다. 1957년에는 레바논 국민의회 의원으로 선출되어 3년 동안 재직했다. 레바논 내전에서 말리크는 기독교의 대의를 방어하기 위해 레바논에 자유와 인간을 위한 전선을 설립하는 데에 도움을 주었다. 이 단체는 나중에 레바논 전선으로 이름을 바꿨다. 그리스 정교회 신자였던 그는 카타이브의 설립자인 피에르 제마옐, 레바논의 전직 대통령이자 국민자유당의 지도자 카밀 샤문을 포함한 전선의 최고 지도자들 가운데 유일한 비마론파였다. 말리크는 다른 정치인들로부터 강한 전선의 두뇌로 널리 여겨졌다. 말리크는 또한 고해성사를 통해 성공적으로 도달한 신학자로서 주목을 받았으며 그의 동료 동방 정교회 신자들, 로마 가톨릭교회 신자들, 그리고 복음주의자들 모두에게 호소했다. 성경과 초기 교회 교부들의 저술에 대한 수많은 논평의 저자인 말리크는 복음주의 계열에서 널리 알려진 그 시대의 몇 안 되는 정교회 신학자들 가운데 한 명이기도 했다. 복음주의 지도자인 빌 브라이트는 그에 대한 좋은 평가를 내리고 인용했다. 말리크는 1967년부터 1971년까지 세계 기독교 교육 위원회의 회장을 역임했고 1966년부터 1971년까지 연합 성경 협회의 부회장을 지냈다. 말리크는 또한 레바논의 외교관이자 철학자 카림 아즈쿨과 함께 일한 것으로 유명하다. 탈식민주의 시대의 창시자인 에드워드 사이드는 결혼을 통해 말리크와의 인연을 형성했다. 그는 1948년 12월에 열린 유엔 총회에서 레바논을 다음과 같이 묘사했다. 교수 경력 말리크는 1960년에 교수로 복귀했다. 그는 광범위하게 여러 곳을 여행했고 인권과 다른 주제들에 대한 강의를 진행했다. 말리크는 하버드 대학교, 아메리칸 대학교, 다트머스 대학교, 노터데임 대학교를 포함한 미국의 많은 대학교에서 교수직을 역임했고 1962년부터 1976년까지 베이루트 아메리칸 대학교에서 철학 교수로 근무했다. 1980년부터 1983년에 퇴직할 때까지 미국 가톨릭 대학교 교수로 근무하면서 자크 마리탱이 제시한 도덕 및 정치 철학에 대한 강의를 진행했다. 1980년에는 캐나다 워털루 대학교에서 파스칼 강사로 근무하기도 했다. 죽음 말리크는 1987년 12월 28일에 레바논 베이루트에 위치한 메이요 클리닉에서 심장 도뇨관 수술을 받은 지 2년 만에 지속된 빈혈에 따른 신부전으로 인한 합병증으로 사망했다. 그의 아들인 하비브 말리크는 레바논의 사상사 전문가, 레바논 아메리칸 대학교 인문학과 부교수, 인권 운동가로 활동했다. 말리크의 아버지인 람지 하비브 말리크는 레바논의 로마 가톨릭교회 신부인데 유대인들이 기독교인들의 형제라는 믿음 뿐만 아니라 유대인들과의 기독교적인 화해의 대의를 위해 지칠 줄 모르는 노력을 했다. 말리크의 개인 논문은 그의 개인 논문과 책 200여 권이 보관되어 있는 레바논 노터데임 루아이즈 대학교, 미국 워싱턴 D.C.에 위치한 의회도서관에 설치된 44m 높이의 특별 선반에 각각 소장되어 있다. 각주 1906년 출생 1987년 사망 레바논의 철학자 레바논의 외무장관 레바논의 교육장관 베이루트 아메리칸 대학교 동문 하버드 대학교 동문 하버드 대학교 교수 노터데임 대학교 교수 베이루트 아메리칸 대학교 교수 아메리칸 대학교 교수 다트머스 대학교 교수 워털루 대학교 교수 레바논의 동방 정교도 쿠바 주재 레바논 대사 미국 주재 레바논 대사 미국에 거주한 레바논인 유엔 주재 레바논 대사 유엔 총회 의장 신부전으로 죽은 사람
amphora/parallel-wiki-koen
full
```cpp #include <iostream> #include <cassandra.h> void print_error(CassFuture* future) { const char* message; size_t message_length; cass_future_error_message(future, &message, &message_length); std::cerr << "Error: " << std::string(message, message_length) << std::endl; } int main() { // Connect to the Cassandra cluster CassCluster* cluster = cass_cluster_new(); CassSession* session = cass_session_new(); cass_cluster_set_contact_points(cluster, "127.0.0.1"); CassFuture* connect_future = cass_session_connect(session, cluster); if (cass_future_error_code(connect_future) != CASS_OK) { print_error(connect_future); return -1; } // Create a keyspace and table for employee information const char* create_keyspace_query = "CREATE KEYSPACE IF NOT EXISTS employees " "WITH replication = { 'class': 'SimpleStrategy', 'replication_factor': '3' };"; const char* create_table_query = "CREATE TABLE IF NOT EXISTS employees.employee_info (" "id UUID PRIMARY KEY," "name text," "department text," "salary double);"; CassStatement* statement = cass_statement_new(create_keyspace_query, 0); CassFuture* query_future = cass_session_execute(session, statement); if (cass_future_error_code(query_future) != CASS_OK) { print_error(query_future); return -1; } cass_statement_free(statement); cass_future_free(query_future); statement = cass_statement_new(create_table_query, 0); query_future = cass_session_execute(session, statement); if (cass_future_error_code(query_future) != CASS_OK) { print_error(query_future); return -1; } cass_statement_free(statement); cass_future_free(query_future); // Prepare CRUD statements const char* insert_query = "INSERT INTO employees.employee_info (id, name, department, salary) VALUES (?, ?, ?, ?);"; const char* select_query = "SELECT * FROM employees.employee_info WHERE id = ?;"; const char* update_query = "UPDATE employees.employee_info SET salary = ? WHERE id = ?;"; const char* delete_query = "DELETE FROM employees.employee_info WHERE id = ?;"; CassFuture* prepare_future = cass_session_prepare(session, insert_query); CassPrepared* prepared_insert = nullptr; if (cass_future_error_code(prepare_future) != CASS_OK) { print_error(prepare_future); return -1; } prepared_insert = cass_future_get_prepared(prepare_future); cass_future_free(prepare_future); // Perform basic CRUD operations using prepared statements // Insert an employee record CassUuidGen* uuid_gen = cass_uuid_gen_new(); CassUuid employee_id; cass_uuid_gen_time(uuid_gen, &employee_id); statement = cass_prepared_bind(prepared_insert); cass_statement_bind_uuid(statement, 0, employee_id); cass_statement_bind_string(statement, 1, "John Doe"); cass_statement_bind_string(statement, 2, "Engineering"); cass_statement_bind_double(statement, 3, 50000.0); query_future = cass_session_execute(session, statement); if (cass_future_error_code(query_future) != CASS_OK) { print_error(query_future); return -1; } cass_statement_free(statement); cass_future_free(query_future); // Read the inserted employee record prepare_future = cass_session_prepare(session, select_query); CassPrepared* prepared_select = nullptr; if (cass_future_error_code(prepare_future) != CASS_OK) { print_error(prepare_future); return -1; } prepared_select = cass_future_get_prepared(prepare_future); cass_future_free(prepare_future); statement = cass_prepared_bind(prepared_select); cass_statement_bind_uuid(statement, 0, employee_id); query_future = cass_session_execute(session, statement); if (cass_future_error_code(query_future) != CASS_OK) { print_error(query_future); return -1; } else { const CassResult* result = cass_future_get_result(query_future); CassIterator* iterator = cass_iterator_from_result(result); while (cass_iterator_next(iterator)) { const CassRow* row = cass_iterator_get_row(iterator); const char* name; size_t name_length; const char* department; size_t department_length; double salary; cass_value_get_string(cass_row_get_column(row, 1), &name, &name_length); cass_value_get_string(cass_row_get_column(row, 2), &department, &department_length); cass_value_get_double(cass_row_get_column(row, 3), &salary); std::cout << "Employee: " << std::string(name, name_length) << ", Department: " << std::string(department, department_length) << ", Salary: $" << salary << std::endl; } cass_result_free(result); cass_iterator_free(iterator); } cass_statement_free(statement); cass_future_free(query_future); // Update the employee's salary prepare_future = cass_session_prepare(session, update_query); CassPrepared* prepared_update = nullptr; if (cass_future_error_code(prepare_future) != CASS_OK) { print_error(prepare_future); return -1; } prepared_update = cass_future_get_prepared(prepare_future); cass_future_free(prepare_future); statement = cass_prepared_bind(prepared_update); cass_statement_bind_double(statement, 0, 55000.0); cass_statement_bind_uuid(statement, 1, employee_id); query_future = cass_session_execute(session, statement); if (cass_future_error_code(query_future) != CASS_OK) { print_error(query_future); return -1; } cass_statement_free(statement); cass_future_free(query_future); // Delete the employee record prepare_future = cass_session_prepare(session, delete_query); CassPrepared* prepared_delete = nullptr; if (cass_future_error_code(prepare_future) != CASS_OK) { print_error(prepare_future); return -1; } prepared_delete = cass_future_get_prepared(prepare_future); cass_future_free(prepare_future); statement = cass_prepared_bind(prepared_delete); cass_statement_bind_uuid(statement, 0, employee_id); query_future = cass_session_execute(session, statement); if (cass_future_error_code(query_future) != CASS_OK) { print_error(query_future); return -1; } cass_statement_free(statement); cass_future_free(query_future); // Clean up and close connection cass_prepared_free(prepared_insert); cass_prepared_free(prepared_select); cass_prepared_free(prepared_update); cass_prepared_free(prepared_delete); cass_uuid_gen_free(uuid_gen); CassFuture* close_future = cass_session_close(session); cass_future_wait(close_future); cass_future_free(close_future); cass_cluster_free(cluster); cass_session_free(session); return 0; } ``` To compile and run the program, you need to install the DataStax C/C++ driver for Apache Cassandra. You can find instructions on how to do this here: https://docs.datastax.com/en/developer/cpp-driver/latest/topics/building/ Once you have installed the driver, you can compile the program using g++: ```bash g++ -o cassandra_crud_example cassandra_crud_example.cpp -lcassandra ``` And then run it: ```bash ./cassandra_crud_example ``` Make sure that your local Cassandra cluster is running before executing the program.
```cpp #include <iostream> #include <cassandra.h> void print_error(CassFuture* future) { const char* message; size_t message_length; cass_future_error_message(future, &message, &message_length); std::cerr << "Error: " << std::string(message, message_length) << std::endl; } int main() { // Connect to the Cassandra cluster CassCluster* cluster = cass_cluster_new(); CassSession* session = cass_session_new(); cass_cluster_set_contact_points(cluster, "127.0.0.1"); CassFuture* connect_future = cass_session_connect(session, cluster); if (cass_future_error_code(connect_future) != CASS_OK) { print_error(connect_future); return -1; } // Create a keyspace and table for employee information const char* create_keyspace_query = "CREATE KEYSPACE IF NOT EXISTS employees " "WITH replication = { 'class': 'SimpleStrategy', 'replication_factor': '3' };"; const char* create_table_query = "CREATE TABLE IF NOT EXISTS employees.employee_info (" "id UUID PRIMARY KEY," "name text," "department text," "salary double);"; CassStatement* statement = cass_statement_new(create_keyspace_query, 0); CassFuture* query_future = cass_session_execute(session, statement); if (cass_future_error_code(query_future) != CASS_OK) { print_error(query_future); return -1; } cass_statement_free(statement); cass_future_free(query_future); statement = cass_statement_new(create_table_query, 0); query_future = cass_session_execute(session, statement); if (cass_future_error_code(query_future) != CASS_OK) { print_error(query_future); return -1; } cass_statement_free(statement); cass_future_free(query_future); // Prepare CRUD statements const char* insert_query = "INSERT INTO employees.employee_info (id, name, department, salary) VALUES (?, ?, ?, ?);"; const char* select_query = "SELECT * FROM employees.employee_info WHERE id = ?;"; const char* update_query = "UPDATE employees.employee_info SET salary = ? WHERE id = ?;"; const char* delete_query = "DELETE FROM employees.employee_info WHERE id = ?;"; CassFuture* prepare_future = cass_session_prepare(session, insert_query); CassPrepared* prepared_insert = nullptr; if (cass_future_error_code(prepare_future) != CASS_OK) { print_error(prepare_future); return -1; } prepared_insert = cass_future_get_prepared(prepare_future); cass_future_free(prepare_future); // Perform basic CRUD operations using prepared statements // Insert an employee record CassUuidGen* uuid_gen = cass_uuid_gen_new(); CassUuid employee_id; cass_uuid_gen_time(uuid_gen, &employee_id); statement = cass_prepared_bind(prepared_insert); cass_statement_bind_uuid(statement, 0, employee_id); cass_statement_bind_string(statement, 1, "John Doe"); cass_statement_bind_string(statement, 2, "Engineering"); cass_statement_bind_double(statement, 3, 50000.0); query_future = cass_session_execute(session, statement); if (cass_future_error_code(query_future) != CASS_OK) { print_error(query_future); return -1; } cass_statement_free(statement); cass_future_free(query_future); // Read the inserted employee record prepare_future = cass_session_prepare(session, select_query); CassPrepared* prepared_select = nullptr; if (cass_future_error_code(prepare_future) != CASS_OK) { print_error(prepare_future); return -1; } prepared_select = cass_future_get_prepared(prepare_future); cass_future_free(prepare_future); statement = cass_prepared_bind(prepared_select); cass_statement_bind_uuid(statement, 0, employee_id); query_future = cass_session_execute(session, statement); if (cass_future_error_code(query_future) != CASS_OK) { print_error(query_future); return -1; } else { const CassResult* result = cass_future_get_result(query_future); CassIterator* iterator = cass_iterator_from_result(result); while (cass_iterator_next(iterator)) { const CassRow* row = cass_iterator_get_row(iterator); const char* name; size_t name_length; const char* department; size_t department_length; double salary; cass_value_get_string(cass_row_get_column(row, 1), &name, &name_length); cass_value_get_string(cass_row_get_column(row, 2), &department, &department_length); cass_value_get_double(cass_row_get_column(row, 3), &salary); std::cout << "Employee: " << std::string(name, name_length) << ", Department: " << std::string(department, department_length) << ", Salary: $" << salary << std::endl; } cass_result_free(result); cass_iterator_free(iterator); } cass_statement_free(statement); cass_future_free(query_future); // Update the employee's salary prepare_future = cass_session_prepare(session, update_query); CassPrepared* prepared_update = nullptr; if (cass_future_error_code(prepare_future) != CASS_OK) { print_error(prepare_future); return -1; } prepared_update = cass_future_get_prepared(prepare_future); cass_future_free(prepare_future); statement = cass_prepared_bind(prepared_update); cass_statement_bind_double(statement, 0, 55000.0); cass_statement_bind_uuid(statement, 1, employee_id); query_future = cass_session_execute(session, statement); if (cass_future_error_code(query_future) != CASS_OK) { print_error(query_future); return -1; } cass_statement_free(statement); cass_future_free(query_future); // Delete the employee record prepare_future = cass_session_prepare(session, delete_query); CassPrepared* prepared_delete = nullptr; if (cass_future_error_code(prepare_future) != CASS_OK) { print_error(prepare_future); return -1; } prepared_delete = cass_future_get_prepared(prepare_future); cass_future_free(prepare_future); statement = cass_prepared_bind(prepared_delete); cass_statement_bind_uuid(statement, 0, employee_id); query_future = cass_session_execute(session, statement); if (cass_future_error_code(query_future) != CASS_OK) { print_error(query_future); return -1; } cass_statement_free(statement); cass_future_free(query_future); // Clean up and close connection cass_prepared_free(prepared_insert); cass_prepared_free(prepared_select); cass_prepared_free(prepared_update); cass_prepared_free(prepared_delete); cass_uuid_gen_free(uuid_gen); CassFuture* close_future = cass_session_close(session); cass_future_wait(close_future); cass_future_free(close_future); cass_cluster_free(cluster); cass_session_free(session); return 0; } ``` 프로그램을 컴파일하고 실행하려면 Apache Cassandra용 DataStax C/C++ 드라이버를 설치해야 합니다. 설치 방법에 대한 지침은 https://docs.datastax.com/en/developer/cpp-driver/latest/topics/building/ 에서 확인할 수 있습니다. 드라이버를 설치한 후에는 g++를 사용하여 프로그램을 컴파일할 수 있습니다: ```bash g++ -o cassandra_crud_example cassandra_crud_example.cpp -lcassandra ``` And then run it: ```bash ./cassandra_crud_example ``` 프로그램을 실행하기 전에 로컬 Cassandra 클러스터가 실행 중인지 확인하세요.
jhflow/platypus_ko_en_pair
response
We can compute that the side length of the hexagon is $\frac{1}{\sqrt{3}}.$ Then one side of the hexagon is parameterized by \[\frac{1}{2} + ti,\]where $-\frac{1}{2 \sqrt{3}} \le t \le \frac{1}{2 \sqrt{3}}.$ [asy] unitsize (4 cm); pair A, B, C, D, E, F; A = 1/sqrt(3)*dir(30); B = 1/sqrt(3)*dir(30 - 60); C = 1/sqrt(3)*dir(30 - 2*60); D = 1/sqrt(3)*dir(30 - 3*60); E = 1/sqrt(3)*dir(30 - 4*60); F = 1/sqrt(3)*dir(30 - 5*60); draw(A--B--C--D--E--F--cycle); draw((-0.7,0)--(0.7,0)); draw((0,-0.7)--(0,0.7)); dot("$\frac{1}{2} + \frac{i}{2 \sqrt{3}}$", (1/2,1/(2*sqrt(3))), dir(0)); dot("$\frac{1}{2} - \frac{i}{2 \sqrt{3}}$", (1/2,-1/(2*sqrt(3))), dir(0)); [/asy] Let $a + bi$ be a point on this side. Then \[x + yi = \frac{1}{a + bi} = \frac{a - bi}{a^2 + b^2} = \frac{\frac{1}{2} - ti}{\frac{1}{4} + t^2},\]so $x = \frac{\frac{1}{2}}{\frac{1}{4} + t^2}$ and $y = -\frac{t}{\frac{1}{4} + t^2}.$ We eliminate $t,$ to see what this point traces as $t$ varies. Dividing these equations, we get \[\frac{y}{x} = -2t,\]so $t = -\frac{y}{2x}.$ Substituting into the first equation, we get \[x = \frac{\frac{1}{2}}{\frac{1}{4} + \frac{y^2}{4x^2}}.\]This simplifies to $x^2 + y^2 = 2x.$ Completing the square in $x,$ we get \[(x - 1)^2 + y^2 = 1.\]This represents the circle centered at 1 with radius 1. Hence, as $t$ varies over $-\frac{1}{2 \sqrt{3}} \le t \le \frac{1}{2 \sqrt{3}},$ $x + yi$ traces an arc of this circle. Its endpoints are $\frac{3}{2} + \frac{\sqrt{3}}{2} i$ and $\frac{3}{2} - \frac{\sqrt{3}}{2} i.$ We can check that this arc is $120^\circ.$ [asy] unitsize (4 cm); pair A, B, C, D, E, F, P, Q; path foo; real t; A = 1/sqrt(3)*dir(30); B = 1/sqrt(3)*dir(30 - 60); C = 1/sqrt(3)*dir(30 - 2*60); D = 1/sqrt(3)*dir(30 - 3*60); E = 1/sqrt(3)*dir(30 - 4*60); F = 1/sqrt(3)*dir(30 - 5*60); t = 1/(2*sqrt(3)); foo = (1/2/(1/4 + t^2),-t/(1/4 + t^2)); Q = (1/2/(1/4 + t^2),-t/(1/4 + t^2)); t = -1/(2*sqrt(3)); foo = (1/2/(1/4 + t^2),-t/(1/4 + t^2)); P = (1/2/(1/4 + t^2),-t/(1/4 + t^2)); for (t = -1/(2*sqrt(3)); t <= 1/(2*sqrt(3)); t = t + 0.01) { foo = foo--(1/2/(1/4 + t^2),-t/(1/4 + t^2)); } draw(foo,red); draw(A--B--C--D--E--F--cycle); draw((-1,0)--(2.5,0)); draw((0,-1)--(0,1)); draw((1,0)--P,dashed); draw((1,0)--Q,dashed); label("$\frac{3}{2} - \frac{\sqrt{3}}{2} i$", Q, S); label("$\frac{3}{2} + \frac{\sqrt{3}}{2} i$", P, N); dot("$\frac{1}{2} + \frac{i}{2 \sqrt{3}}$", (1/2,1/(2*sqrt(3))), dir(0)); dot("$\frac{1}{2} - \frac{i}{2 \sqrt{3}}$", (1/2,-1/(2*sqrt(3))), dir(0)); dot(P,red); dot(Q,red); dot("$1$", (1,0), SW); [/asy] By symmetry, the rest of the boundary of $S$ can be obtain by rotating this arc by multiples of $60^\circ.$ [asy] unitsize(2 cm); path foo = arc((1,0),1,-60,60); int i; for (i = 0; i <= 5; ++i) { draw(rotate(60*i)*(foo),red); draw(rotate(60*i)*(((1,0) + dir(-60))--(1,0)--((1,0) + dir(60)))); dot(rotate(60*i)*((1,0))); draw(rotate(60*i)*((0,0)--(1,0)--dir(60))); } for (i = 0; i <= 5; ++i) { dot(rotate(60*i)*((1,0) + dir(60)),red); } [/asy] We can divide $S$ into 12 equilateral triangles with side length 1, and six $120^\circ$-sectors with radius 1, so the area of $S$ is \[12 \cdot \frac{\sqrt{3}}{4} + 6 \cdot \frac{1}{3} \cdot \pi = 3 \sqrt{3} + 2 \pi.\]Here are some alternative ways to derive the arc of the circle: Alternative 1: Let $w = \frac{1}{z},$ where the real part of $z$ is $\frac{1}{2}.$ Write $w = r \operatorname{cis} \theta.$ Then \[\frac{1}{z} = \frac{1}{w} = \frac{1}{r \operatorname{cis} \theta} = \frac{1}{r} \operatorname{cis} (-\theta) = \frac{\cos \theta - i \sin \theta}{r},\]so $\frac{\cos \theta}{r} = \frac{1}{2},$ or $r = 2 \cos \theta.$ If $x + yi = w = r \operatorname{cis} \theta = r \cos \theta + i \sin \theta,$ then \[x^2 + y^2 = r^2 = 2r \cos \theta = 2x,\]so $(x - 1)^2 + y^2 = 1.$ Alternative 2: Let $w = \frac{1}{z},$ where the real part of $z$ is $\frac{1}{2}.$ Then $z$ is equidistant from 0 and 1 (the line $x = \frac{1}{2}$ is the perpendicular bisector of 0 and 1), so \[|z| = |z - 1|.\]Dividing both sides by $z,$ we get \[\left| 1 - \frac{1}{z} \right| = 1,\]so $|w - 1| = 1.$ Thus, $w$ lies on the circle centered at 1 with radius 1.
육각형의 변의 길이는 $\frac{1}{\sqrt{3}}$임을 계산할 수 있으며, 육각형의 한 변은 다음과 같이 매개변수화됩니다. \[\frac{1}{2} + ti,\]여기서 $-\frac{1}{2 \sqrt{3}}은 다음과 같습니다. \le t \le \frac{1}{2 \sqrt{3}}.$. [asy] 단위 크기(4cm); 쌍 A, B, C, D, E, F; A = 1/sqrt(3)*dir(30); B = 1/sqrt(3)*dir(30 - 60); C = 1/sqrt(3)*dir(30 - 2*60); D = 1/sqrt(3)*dir(30 - 3*60); E = 1/sqrt(3)*dir(30 - 4*60); F = 1/sqrt(3)*dir(30 - 5*60); draw(A--B--C--D--E--F--cycle); draw((-0.7,0)--(0.7,0)); draw((0,-0.7)--(0,0.7)); dot("$\frac{1}{2} + \frac{i}{2 \sqrt{3}}$", (1/2,1/(2*sqrt(3)), dir(0)); dot("$\frac{1}{2} - \frac{i}{2 \sqrt{3}}$", (1/2,-1/(2*sqrt(3)), dir(0)); [/asy] a + bi$를 이 변의 한 점이라고 합니다. 그러면 \[x + yi = \frac{1}{a + bi} = \frac{a - bi}{a^2 + b^2} = \frac{\frac{1}{2} - ti}{\frac{1}{4} + t^2},\]따라서 $x = \frac{\frac{1}{2}}{\frac{1}{4} + t^2}$ 및 $y = -\frac{t}{\frac{1}{4} + t^2}.$ t$가 변함에 따라 이 점이 추적하는 것을 보기 위해 $t,$를 제거합니다. 이 방정식을 나누면 다음과 같이 됩니다. \[\frac{y}{x} = -2t,\]따라서 $t = -\frac{y}{2x}.$ 첫 번째 방정식에 대입하면 다음과 같이 구할 수 있습니다. \[x = \frac{\frac{1}{2}}{\frac{1}{4} + \frac{y^2}{4x^2}}.\]이것은 $x^2 + y^2 = 2x로 단순화됩니다.$ x에서 제곱을 완성하면 다음과 같이 계산됩니다. \[(x - 1)^2 + y^2 = 1.\]이것은 반지름 1을 중심으로 한 원을 나타냅니다. 따라서 $t$는 $-\frac{1}{2 \sqrt{3}}에 따라 달라집니다. t \le \le \frac{1}{2 \sqrt{3}},$ $x + yi$ 는 이 원의 호를 추적합니다. 이 호의 끝점은 $\frac{3}{2} + \frac{\sqrt{3}}{2} i$ 와 $\frac{3}{2} - frac{\sqrt{3}}{2} i.$ 이 호는 $120^\circ.$임을 확인할 수 있습니다. [asy] 단위 크기(4cm)입니다; 쌍 A, B, C, D, E, F, P, Q; 경로 푸 실수 t; A = 1/sqrt(3)*dir(30); B = 1/sqrt(3)*dir(30 - 60); C = 1/sqrt(3)*dir(30 - 2*60); D = 1/sqrt(3)*dir(30 - 3*60); E = 1/sqrt(3)*dir(30 - 4*60); F = 1/sqrt(3)*dir(30 - 5*60); t = 1/(2*sqrt(3)); foo = (1/2/(1/4 + t^2),-t/(1/4 + t^2)); Q = (1/2/(1/4 + t^2),-t/(1/4 + t^2)); t = -1/(2*sqrt(3)); foo = (1/2/(1/4 + t^2),-t/(1/4 + t^2)); P = (1/2/(1/4 + t^2),-t/(1/4 + t^2)); for (t = -1/(2*sqrt(3)); t <= 1/(2*sqrt(3)); t = t + 0.01) { foo = foo--(1/2/(1/4 + t^2),-t/(1/4 + t^2)); } draw(foo,red); draw(A--B--C--D--E--F--cycle); draw((-1,0)--(2.5,0)); draw((0,-1)--(0,1)); draw((1,0)--P,점선); draw((1,0)--Q,점선); label("$\frac{3}{2} - \frac{\sqrt{3}}{2} i$", Q, S); label("$\frac{3}{2} + \frac{\sqrt{3}}{2} i$", P, N); dot("$\frac{1}{2} + \frac{i}{2 \sqrt{3}}$", (1/2,1/(2*sqrt(3)), dir(0)); dot("$\frac{1}{2} - \frac{i}{2 \sqrt{3}}$", (1/2,-1/(2*sqrt(3)), dir(0)); dot(P,red); dot(Q,red); dot("$1$", (1,0), SW); [/asy] 대칭에 의해 $S$의 나머지 경계는 이 호를 $60^\circ.$의 배수만큼 회전하여 얻을 수 있습니다. [asy] unitsize(2 cm); path foo = arc((1,0),1,-60,60); int i; for (i = 0; i <= 5; ++i) { draw(rotate(60*i)*(foo),red); draw(rotate(60*i)*(((1,0) + dir(-60))--(1,0)--((1,0) + dir(60)))); dot(rotate(60*i)*((1,0))); draw(rotate(60*i)*((0,0)--(1,0)--dir(60))); } for (i = 0; i <= 5; ++i) { dot(rotate(60*i)*((1,0) + dir(60)),red); } [/asy] S$를 변의 길이가 1인 12개의 정삼각형과 반지름이 1인 6개의 $120^\원$-섹터로 나눌 수 있으므로 $S$의 면적은 다음과 같습니다. \[12 \cdot \frac{\sqrt{3}}{4} + 6 \cdot \frac{1}{3} \cdot \pi = 3 \sqrt{3} + 2 \pi.\]다음은 원의 호를 유도하는 몇 가지 다른 방법입니다: 대안 1: $w = \frac{1}{z},$ 에서 $z$의 실수 부분은 $\frac{1}{2}.$ 라고 가정하고 $w = r \operatorname{cis} \세타.$ 그런 다음 \[\frac{1}{z} = \frac{1}{w} = \frac{1}{r \operatorname{cis} \세타} = \frac{1}{r} \연산자 이름{cis} (-\theta) = \frac{\cos \theta - i \sin \theta}{r},\]따라서 $\frac{\cos \theta}{r} = \frac{1}{2},$ 또는 $r = 2 \cos \theta.$입니다. x + yi = w = r \operatorname{cis}인 경우 \세타 = r \cos \theta + i \sin \theta,$ 다음과 같습니다. \[x^2 + y^2 = r^2 = 2r \cos \theta = 2x,\]이므로 $(x - 1)^2 + y^2 = 1.$입니다. 대안 2: $w = \frac{1}{z},$ 에서 $z$의 실수 부분이 $\frac{1}{2}$라고 하자. 그러면 $z$는 0과 1에서 등거리이므로(선 $x = \frac{1}{2}$는 0과 1의 수직 이등분선입니다), 다음과 같이 됩니다. \[|z| = |z - 1|.\]양변을 $z,$로 나누면 다음과 같이 됩니다. \[\left| 1 - \frac{1}{z} \right| = 1,\]따라서 $|w - 1| = 1.$ 따라서 $w$는 반지름 1을 중심으로 한 원에 놓입니다.
jhflow/platypus_ko_en_pair
response
The Hongkou Park Incident was a bombing attack on military and colonial personnel of the Empire of Japan at 11:40 am on April 29, 1932. It occurred at Hongkou Park (now "Lu Xun Park"), Shanghai, Republic of China, during a ceremony that honored the birthday of the Emperor of Japan, Hirohito. The attack was planned and conducted by the Korean Patriotic Organization, a militant arm of the Korean Provisional Government (KPG). The KPG was a government in exile for Korea formed in Shanghai in 1919 after the Japanese colonized Korea in 1910. It was motivated by advocacy for the independence of Korea from the Empire of Japan. The attacker, Yun Bong-gil, was given two homemade bombs for the attack. He set off the first bomb on the main stage of a rally, which killed Japanese General Yoshinori Shirakawa and Association of Shanghai and blew a hole in the stage. A number of other Japanese people were wounded, with injuries ranging from severe to minor. Minister to China Mamoru Shigemitsu and Lieutenant General Kenkichi Ueda each lost a leg, and Admiral Kichisaburō Nomura lost an eye. A reporter and sailor also received minor injuries. Yun attempted to set off the second bomb in order to kill himself, but the bomb did not go off. The crowd began beating him, and likely would have beat him to death if he had not been pulled away by Japanese soldiers. After being interrogated for information, he was tried and sentenced to death in a single trial on May 25. He was transferred to Japan in November, and executed on December 19. As a result of the attack, Japanese and French police began interrogating Koreans in the cities, and members of the KPG went into hiding. The attack earned the KPG the respect of Chinese leader Chiang Kai-shek, who began sheltering and funding them. Yun is now viewed as a martyr in both South Korea and China. A number of monuments to him exist in both countries. Motivation From 1910 to 1945, Korea was a colony of the Empire of Japan. In 1919, protests against Japanese rule were held throughout Korea, in what became known as the March 1st Movement. After the Japanese violently cracked down on the protests, numerous Koreans fled the peninsula and continued resisting the Japanese from abroad. Korean Provisional Government Among the escapees to China were the eventual founders of the Korean Provisional Government (KPG). The KPG was founded in Shanghai a month after the March 1st Movement. Political leanings were diverse within the KPG, with some strongly left and right leaning members. Opinions on how to obtain independence were also diverse, with preferences ranging from pacifism to militantism. Korean Patriotic Organization In 1931, a militant organization affiliated with the KPG called the Korean Patriotic Organization (KPO) was founded. It was led by Kim Ku, a significant Korean independence activist who is now held in high esteem in South Korea. Kim set about coordinating a number of attacks on Japanese leaders, including a January 1932 attack in Tokyo that nearly killed Emperor Hirohito. That attack is now known as the Sakuradamon Incident. Attacker Yun Bong-gil (1908–1932) was a Korean independence activist. He witnessed the March 1st Movement and was appalled by its repression. He initially sought to advocate for Korean independence through encouraging education and activism, but became disillusioned after continued Japanese suppression. In 1930, he left his wife and two children in Korea to join the KPG and become a militant. After his arrival in Shanghai, he worked closely with Kim Ku to plan the attack. Attack On April 29, 1932, a rally honoring the birthday of Japanese Emperor Hirohito occurred. Around 9:30 am, an audience of around 15,000 people, mostly Japanese, gathered to watch 10,000 Japanese troops parade down Jiangwan Road in Shanghai. The troops ended the parade in Hongkou Park, where a decorated stage was set up. Japanese colonial and military officials went onto the stage, including Yoshinori Shirakawa, Kenkichi Ueda, Kichisaburō Nomura, and Tomono Mori. They were joined by a number of foreign officials, including representatives of the Shanghai Volunteer Corps (Admiral Howard Kelly and Major Ronald Penney), and officials of Italy, France, and the United States. gave the first speech, and a number of others followed. After their speeches, the foreign officials departed from the stage, leaving ten Japanese officials there. Several hundred Japanese children gathered in front of the stage, and the military band began to play the Japanese national anthem, Kimigayo. Just before the anthem finished, Yun threw the bomb. The Illustrated London News reported that: Kawabata and Mamoru Shigemitsu fell to the floor in pain, and Shirakawa clutched his face, which was then streaming with blood. The explosion was so powerful that it blew a hole in the floor of the stage. After a moment of silence, the crowd began to panic. Members of the Red Cross rushed over to assist the wounded. Aftermath Casualties The following casualties occurred as a result of the attack: Arrests and investigation Yun dropped a second improvized bomb nearby with the intent to kill himself. However, it failed to go off. The crowd reportedly mobbed and attempted to lynch Yun, but the military police pulled him away, bruised and bleeding. According to an eyewitness, Yun grinned defiantly during his arrest. Yun was sentenced to death at a military trial on May 25. He was transferred to Japan in November, and executed by firing squad on December 19. Shortly after the attack, the military secured the perimeter, and did not permit anyone to leave until they were searched. Several Chinese people were arrested, although they were later released. A Chinese person managed to escape the park and sought refuge in the house of W. S. Hibbard, an American park-keeper. Japanese troops surrounded Hibbard's house, extracted the Chinese man, and kept Hibbard in detention. What followed was a vigorous search for anyone involved in the attack. Members of the KPG went into hiding. Kim Ku and three others hid at the house of American Presbyterian missionary George Ashmore Fitch, who was sympathetic to the Korean and Chinese resistance against Japan. Kim eventually managed to escape arrest, and lived to see the liberation of Korea in 1945. A day later, it was reported that Yun was believed to be connected with a Korean organization called the South China Young Men's Association. French police raided a number of Korean associations in the French Concession of the city to discover more connections to the attack. On May 2, the North China Daily News reported that the Japanese military had declared martial law in the Wusong area of Shanghai, and that officers were conducting random searches throughout the city. It also reported that over ten raids by the French and Japanese police, nineteen other Koreans and a Chinese "coolie" had been arrested. More raids were expected to follow. Based on an alleged testimony from Yun, they believed that a man with the pseudonames "Li Chun-shan" or "Li Yue-pei" had paid Yun $200 and given him two bombs for the attack, and was still at large. They also alleged that Li was the head of a "Korean Independence League". It also reported that the Japanese believed the prominent Korean independence activist Ahn Changho was not connected to the attack, as he had been arrested a week before the attack had occurred. To avoid putting other Koreans at risk, Kim Ku sent out public statements to newspapers in Shanghai claiming responsibility for the attack. The North China Daily News announced on May 5 that it had received such a statement, and that the statement argued that the Japanese and French police were conducting raids in a manner that violated international law. In particular, they were accused of making arrests and searching people without a warrant. The Daily News disagreed with the assessment. Others also accused the police similarly, including a number of Koreans and the Shanghai Chinese Bar Association. The police denied these accusations. Reactions The attack was covered prominently in several Western media sources. Some of the reported information was incorrect; the Sydney Morning Herald published an article on 30 April that claimed Yun threw a hand grenade and was beaten to death by the crowd. The New York Times reported Yun's name as "Kim Fung-kee". United States officials reacted negatively to the event. Acting Secretary of State William R. Castle communicated "the sympathy of the government of the United States for the unfortunate victims". Syngman Rhee, the former President of the KPG who left to the United States after being impeached, expressed disapproval of the KPG's militant activities. He felt that this would only tighten Japan's grip on Korea. Notes References Sources External links – Footage of the event, attack, and aftermath Provisional Government of the Republic of Korea Improvised explosive device bombings in China 1932 in Shanghai 1932 in Japan Kim Ku Korean independence movement Assassinations in China
훙커우 공원 사건(虹口公園事件)은 1932년 4월 29일 중화민국 상하이 훙커우 공원에서 독립운동가 윤봉길이 폭탄을 투척하여 일본 제국의 주요 인사들을 죽거나 다치게 한 사건이다. 사건의 계획 중화민국 상하이에서 중국인들을 대상으로 채소 장사를 하던 윤봉길은 1931년 겨울 대한민국 임시 정부의 국무령인 김구를 찾아, 독립운동에 몸바칠 각오임을 호소해 그가 주도하는 한인애국단에 가입했다. 김구는 1932년 4월 29일 상하이의 훙커우 공원에서 열리는 일본 천황의 생일연(천장절(天長節))과 상하이 점령 전승 기념 행사를 폭탄으로 공격할 계획을 세웠으며, 협의 끝에 윤봉길이 폭탄을 투척하기로 결의하였다. 당시 폭탄은 폭발물 전문가인 김홍일에 의해 폭탄 투척에 적합한 도시락과 물통으로 위장한 급조폭발물이었는데, 그 까닭은 훙커우 공원에서 열리는 일본 천황의 생일연(천장절(天長節))과 상하이 점령 전승 기념 행사에서 식사는 제공되지 않으므로 일본측에서 이 행사에 참여하는 사람들에게 각자 도시락을 지참시켰는데, 바로 그 허점을 노린 것이었다. 물통은 투척용으로, 도시락은 자결용으로 제작되었다. 혹여 잡혀서 심문을 받지 않고 자결하기 위해서 도시락 모양의 폭탄도 만든 것이다. 폭탄은 두 차례의 실험을 거쳐 완성하였는데, 당시 첫 번째 실험에서 폭탄이 불발되는 바람에, 다시 실험을 시도한 것이었다. 사건 과정 홍커우 공원 입장 홍커우 공원에는 일본의 주요 인사들이 참석하는 쇼와 천황의 생일인 천장절 행사와 상하이 점령 전승 기념 행사를 하고 있었다. 7시 50분 윤봉길은 삼엄한 감시망을 피해 홍커우 공원으로 도착했고, 최대한 무대 위로 접근하자는 마음에 중국인 경비원이 지키는 문으로 향하였으며, 자신이 유창한 일본어를 구사하여 일본인으로 신분을 위장하였다. 9시 쯤에 시작된 관병식은 11시 즈음에 끝났으며, 11시 20분 쯤에 2부로 상하이 전승 기념식을 거행했다. 중국주둔 일본군 총사령관 시라카와 요시노리가 등장해 열병식이 이어졌다. 천장절 행사가 끝난 뒤에는 외교관과 내빈이 돌아가고 일본인들만 남았다. 일본 상하이교민회가 준비한 상하이 점령 전승 기념 행사를 하기 시작했다. 의거 11시 40분에 일본의 국가인 기미가요가 울려 퍼지고 나서, 묵념을 올리는 순간을 노려, 윤봉길이 단상으로 접근해 5m의 근거리에서 물통 폭탄을 투척, 시라카와 대장과 노무라 중장 사이에 떨어져 폭발하였다. 윤봉길은 또 다른 도시락 폭탄으로 자결하려 했으나 불발되어 곧바로 일본 헌병들에게 제압당하였고 일본군 사령부로 끌려갔다. 이 사건으로 총사령관 시라카와 요시노리와 상하이 일본거류민단장 가와바타 사다지가 폭사당했다. 중화민국 공사 시게미쓰 마모루는 오른쪽 다리를 잃었고, 우에다 중장은 왼쪽 다리를 잃었으며, 노무라 중장은 오른쪽 눈을 실명하였다. 이 외에도 많은 주요 인사들이 부상을 입었다. 최초 광경 사진을 찍은 황천 기자는 이후 상황은 찍지 못하고 나중에 어떤 사진가로부터 사진을 받았다고 한다. 그는 '사건이 터졌을때, 다른 신문사들은 아직 행사장에 오지 않았다. 나는 최초의 사진 1장을 촬영하고 난 후 공원부근 지국장의 사택으로 가서 전화로 지국에 제1보를 보냈다. 그래서 그 후의 상황에 대해서는 기록이 없다. 나중에 어떤 사진가로부터 받은 사진을 냈다'고 증언하였다. 이후 체포된 윤봉길은 같은 해 5월 28일 상해파견 일본 군법회의에서 사형을 선고 받아 1932년 11월 18일 일제 대양환으로 일본 오사카로 후송되어 20일 오사카 육군 형무소에 수감되었다. 1932년 12월 19일, 가나자와 육군형무소(金澤陸軍刑務所)에서 7시 27분 사형 집행. 정사수가 쏜 총알이 미간에 명중하면서 13분 뒤 사망하였다. 영향 이 일은 1932년 4월 29일, 오후 1시경에 전 세계에 뉴스로 보도되기 시작하여, 전 세계 각국 주요신문들이 제 1면에 대대적으로 이를 보도하면서 세계를 놀라게 하였다. 처음 보도되었을 당시에는 대부분 중국인이 일으킨 항일투쟁 내지는 일본인 혁명주의자 활동으로 인식되었으나 이튿날에 한국청년 윤봉길의 항일운동이었음이 밝혀져 보도되었다. 윤봉길 의사의 의거는 만보산 사건으로 인해 나빠진 조선과 중국의 사이를 좋아지도록 한 촉매 노릇을 하여, 중국 영토안에서 조선 사람들의 항일 무장투쟁의 여건이 좋아지게 된 계기가 되었다. 또한, 당시 국민당 총통이었던 장제스는 윤봉길의 훙커우 공원에서의 폭탄 투척 소식을 전해 듣고 "중국의 100만이 넘는 대군도 하지 못한 일을 조선인 청년 윤봉길이 해내다니 정말 대단하다."라며 감탄하였다. 이 일은 장제스가 조선에 관심을 갖고 상하이 대한민국 임시정부를 지원해주는 계기가 되었다. 중일 전쟁으로 인해 중국 정부도 살림살이가 어려웠지만, 충칭으로 이사하는 대한민국 임시정부를 위해 자동차를 지원하는 등 항일 무장투쟁을 위해 연대를 했다고 한다. 안창호는 일본의 배후 소탕과정에서 체포되어 국내로 압송되었다. 예비검속자들의 탄압이 계속되자 김구는 외신을 통해 자신이 지시했음을 밝혔다. 일본은 이봉창의 배후이기도 한 김구를 체포하기 위해 1차로 20만원의 현상금으로 수배했지만, 실패되자 외무성, 조선총독부, 상하이주둔사령부 등과 합작해 현상금을 대폭 올려 현재로 환산하면 198억원에 이르는 60만원에 거금의 현상금으로 수배되었다. 사상자 사망자 시라카와 요시노리 대장 : 상하이 파견군 사령관, 폭탄을 맞고 치명적인 중상을 당해 12번이나 되는 대수술을 받았으나 사건 후 27일만인 5월 26일 사망. 가와바타 사다지: 상하이 일본인거류민단 행정위원장, 폭탄을 맞고 창자가 끊어져 사건 후 15시간 반만인 4월 30일 3시 10분 사망. 부상자 노무라 기치사부로 중장 : 제3함대 사령장관, 폭탄을 맞고 오른쪽 눈을 잃음. 우에다 겐키치 중장 : 제9사단장, 폭탄을 맞고 왼쪽 다리를 절단. 무라이 구라마쓰 : 상하이 주재 총영사, 폭탄을 맞고 중상을 당함. 시게미쓰 마모루 : 상하이 주재 공사, 폭탄을 맞고 부상당해 오른쪽 다리가 부러져, 다리가 불편한 지체장애인이 되었음. 도모노 모리 : 일본인 거류민단 서기, 폭탄을 맞고 중상. 같이 보기 이봉창 윤봉길 백정기 김구 각주 참고 문헌 신용하. 1995. 윤봉길의 농민운동과 민족독립운동. 한국학보:Vol.21. No.4(P. 102-132). 일지사. 제1차 상하이 사변 1932년 분쟁 1932년 4월 1932년 일본 1932년 중국 한국의 독립운동 김구 윤봉길
amphora/parallel-wiki-koen
full