人工知能(AI)時代、企業は、何をすべきか?

Size: px
Start display at page:

Download "人工知能(AI)時代、企業は、何をすべきか?"

Transcription

1 情報テクノロジーの進展がもたらす近未来社会の姿を考える AI AI AI: artificial intelligence nontenure-track AI AI AI 1983 AI A* A star Dijkistra Prolog (deductive method) 3 3 A B B C A C 2 3 Prolog 2 2 man(socrates). mortal(x) :- man(x). X X X ":-" " " B:-A A B A B man(socrates). mortal(x) :- man(x). true. mortal(socrates). true. prolog web

2 examples.swinb Run! mortal(x). X=socrates mortal socrates. Run! true 1983 Prolog otter) otter Argonne National Laboratory 3 otter 1983 otter 1985 otter otter automated reasoning 3 google otter otter otter 2018 otter otter otter 3 A,B,C) 3 3 A,B,C) 1 "C " A 2 "A " B 3 C "" 3A, B, C otter P(N(B)). P(L(C)). P(T(A)). otter B C

3 A set(hyper_res). list(usable). -P(T(x)) -P(Says(x,y)) P(y). -P(L(x)) -P(Says(x,y)) -P(y). P(T(x)) P(L(x)) P(N(x)). -P(T(x)) P(L(x)). -P(L(x)) P(T(x)). -P(T(A)) -P(N(B)) P(L(C)). -P(L(A)) -P(N(B)) P(T(C)). -P(L(A)) -P(T(B)) P(N(C)). -P(T(A)) -P(L(B)) P(N(C)). -P(N(A)) -P(L(B)) P(T(C)). -P(N(A)) -P(T(B)) P(L(C)). end_of_list. list(sos). P(Says(A,L(C))). P(Says(B,T(A))). P(Says(C,N(C))). end_of_list. : normal.in 3 A,B,C otter Ubuntu (sudo apt install otter) Ubuntu Ubuntu IoT $ sudo apt install otter 1 $ wget normal.in $ otter <normal.in... ** KEPT (pick-wt=6): 51 [hyper,49,1,13] P(N(B)) P(T(A)). given clause #17: (wt=6) 50 [hyper,48,4] P(N(B)) P(L(C)). ** KEPT (pick-wt=3): 52 [hyper,50,2,14,22] P(N(B)). inductive method) (ensemble machine learning) deep learning

4 CPU GPU Adaboost RandomForest ExtraTree ExtraTrees GradientBoosting Bagging VotingClassifier artificial neural network ANN functional-link net 1992 IEEE Computer, 25, 5, pp pdf pdf/paocomputer.pdf GPU GPU CPU CPU Central Processing Unit 2 4 GPU GPU Graphics Processing

5 Unit GTX1080 Ti GPU CUDA 3584 GXT1080 Ti GTX 2080 Ti GPU 5376 CUDA CUDA Compute Unified Device Architecture GPU NVIDIA AI Python 1 Google Tensorflow 2 Keras 3 PyTorch Chainer 5 Caffe darknet YOLO You only look once YOLO C YOLO 1 NVIDIAAI GPU AI NVIDIA GPU NVIDIA CUDA toolkit NVIDIA CUDA toolkit wild-encounters/close-up-encounters

6 YOLO person 3 giraffe) bottle bottle: 25% 174, 270, 198, 297 person: 77% 34, 77, 131, 230 person: 35% 124, 96, 217, 303 person: 84% 50, 130, 194, 378 giraffe: 88% 174, 0, 619, 264 GPU YOLO x1, y1, x2, y2 car truck left top x1, y1 right bottom x2, y2 x, y 0,0 C warehouse.html car: 31% 513, 235, 556, 266 truck: 65% 154, 207, 308, 364 YOLO Wikipedia : Simulacra 3 YOLO

7 simulacra door dog 3 google YOLO YOLO 32 sigmoid YOLO :conv :max :route reorg :reorg YOLO dog GPU GPU 1 YOLO YOLO YOLO YOLO layer filters size input output 0conv 32 3x3/1 608x608x 3 -> 608x608x 32 1max 2x2/2 608x608x 32 -> 304x304x 32 2conv 64 3x3/1 304x304x 32 -> 304x304x 64 3max 2x2/2 304x304x 64 -> 152x152x 64 4conv 128 3x3/1 152x152x 64 -> 152x152x 128 5conv 64 1x1/1 152x152x 128 -> 152x152x 64 6conv 128 3x3/1 152x152x 64 -> 152x152x 128 7max 2x2/2 152x152x 128 -> 76x76x 128 8conv 256 3x3/1 76x76x 128 -> 76x76x 256 9conv 128 1x1/1 76x76x 256 -> 76x76x conv 256 3x3/1 76x76x 128 -> 76x76x max 2x2/2 76x76x 256 -> 38x38x conv 512 3x3/1 38x38x 256 -> 38x38x conv 256 1x1/1 38x38x 512 -> 38x38x conv 512 3x3/1 38x38x 256 -> 38x38x conv 256 1x1/1 38x38x 512 -> 38x38x conv 512 3x3/1 38x38x 256 -> 38x38x max 2x2/2 38x38x 512 -> 19x19x conv x3/1 19x19x 512 -> 19x19x conv 512 1x1/1 19x19x > 19x19x conv x3/1 19x19x 512 -> 19x19x conv 512 1x1/1 19x19x > 19x19x conv x3/1 19x19x 512 -> 19x19x conv x3/1 19x19x > 19x19x 1024

8 24conv x3/1 19x19x > 19x19x route 16 26conv 64 1x1/1 38x38x 512 -> 38x38x 64 27reorg /2 38x38x 64 -> 19x19x route conv x3/1 19x19x > 19x19x conv 425 1x1/1 19x19x > 19x19x detection mask_scale: Using default ' ' Loading weights from yolo.weights...done! dogt1.jpg: Predicted in seconds. dog: 58% 71, 12, 339, 318 amazon.co.jp kindle GTX 1080 Ti GPU GPU " " GPU X y y=f(x) f f x1 x2 GPU GPU parallel computing for machine learning in Python 2017 temp, street, c

9 y=temp*x1+street*x2+c n) Y Y=f(x1, x2,..., xn) Y=y1, y2,..., ym " GPU CPU scikit-learn scikit-learn SPT ABC Python11

10 Python Python count.jpg from skimage import io, filters from scipy import ndimage import matplotlib.pyplot as plt from skimage import measure im = io.imread('count.jpg', as_grey=true) val = filters.threshold_otsu(im) drops = ndimage.binary_fill_holes(im < val) labels = measure.label(drops) plt.imshow(drops, cmap='gray') print(labels.max()) plt.show() 1989

11 "Science Nature Science Science pdf/science.pdf MRI Science MRI IEEE Trans. on Medical Imaging, 11, 2, ,

12 publications/pdf/sundar.pdf BV-6000) EURO EURO pdf/banknote.pdf EURO AI AI GPU AI MIT Stanford CMU BV-6000 EURO EURO EURO Google, IBM AI AI NIPS 2017) AI

13 365 AI 6 pdf/quiz.pdf chess 2 agent environment environment state reward agentagent actionaction environment state 6 vs AI AI reinforcement learning AI 2017 AI elmo 2500 USI reward action agent environment AI" AI AI 1

14 AI AI 2 AI agent environment AI 3 AI AIAI AI 4 AI AI 5 AI AI 6 AI AI AI AI AI AI 1) tenure tenure

15 15 36 tenure tenure 3 2) A* gif algorithm 3) Dijkistragif algorithm tenured 1997!! NanoPi NEO, Arduino IoT

A Study on Practical Use of Artificial Intelligence. The purpose of this research paper is to demonstrate the ease of using artificial intelligence in

A Study on Practical Use of Artificial Intelligence. The purpose of this research paper is to demonstrate the ease of using artificial intelligence in A Study on Practical Use of Artificial Intelligence. The purpose of this research paper is to demonstrate the ease of using artificial intelligence in the light of the recent popularity of tertiary artificial

More information

2017 (413812)

2017 (413812) 2017 (413812) Deep Learning ( NN) 2012 Google ASIC(Application Specific Integrated Circuit: IC) 10 ASIC Deep Learning TPU(Tensor Processing Unit) NN 12 20 30 Abstract Multi-layered neural network(nn) has

More information

main.dvi

main.dvi PC 1 1 [1][2] [3][4] ( ) GPU(Graphics Processing Unit) GPU PC GPU PC ( 2 GPU ) GPU Harris Corner Detector[5] CPU ( ) ( ) CPU GPU 2 3 GPU 4 5 6 7 1 toyohiro@isc.kyutech.ac.jp 45 2 ( ) CPU ( ) ( ) () 2.1

More information

it-ken_open.key

it-ken_open.key 深層学習技術の進展 ImageNet Classification 画像認識 音声認識 自然言語処理 機械翻訳 深層学習技術は これらの分野において 特に圧倒的な強みを見せている Figure (Left) Eight ILSVRC-2010 test Deep images and the cited4: from: ``ImageNet Classification with Networks et

More information

Kochi University of Technology Aca Title 環境分野への深層学習応用研究の立ち上げについて Author(s) 中根, 英昭, 若槻, 祐貴 Citation 高知工科大学紀要, 15(1): Date of issue U

Kochi University of Technology Aca Title 環境分野への深層学習応用研究の立ち上げについて Author(s) 中根, 英昭, 若槻, 祐貴 Citation 高知工科大学紀要, 15(1): Date of issue U Kochi University of Technology Aca Title 環境分野への深層学習応用研究の立ち上げについて Author(s) 中根, 英昭, 若槻, 祐貴 Citation 高知工科大学紀要, 15(1): 111-120 Date of 2018-07-31 issue URL http://hdl.handle.net/10173/1949 Rights Text version

More information

GPGPU

GPGPU GPGPU 2013 1008 2015 1 23 Abstract In recent years, with the advance of microscope technology, the alive cells have been able to observe. On the other hand, from the standpoint of image processing, the

More information

2 4 8 13 18 24 29 34 39 44 46 48 1 2 3 4 5 6 7 18 11 11 15 10 16 10 8 9 10 1. 2. 3. 4. 5. 6. 7. 1. 2. 3. 4. 5. 6. 7. 11 1. 2. 3. 4. 5. 6. 7. 12 13 18 12 11 16 25 18 00 CPU Central Processing Unit 14 MUST-CAN-WILL

More information

WiFiの現状

WiFiの現状 V1.0 2019/10/23 はじめての AI 用パソコン Chainer/caffe/opencv 学習編 (ubuntu 版 ) 抜粋版 スペクトラム テクノロジー株式会社 https://spectrum-tech.co.jp sales@spectrum-tech.co.jp 1 目次 ページ 1. Ubuntuについて 3 2. 基本コマンド 3 3. 基本操作 5 4. 日常運用 9

More information

HPC pdf

HPC pdf GPU 1 1 2 2 1 1024 3 GPUGraphics Unit1024 3 GPU GPU GPU GPU 1024 3 Tesla S1070-400 1 GPU 2.6 Accelerating Out-of-core Cone Beam Reconstruction Using GPU Yusuke Okitsu, 1 Fumihiko Ino, 1 Taketo Kishi, 2

More information

『オープンサイエンス』とAI~オープン化は人工知能研究をどう変えるか?~

『オープンサイエンス』とAI~オープン化は人工知能研究をどう変えるか?~ AI 研究をどう変えるか?~ KITAMOTO Asanobu http://researchmap.jp/kitamoto/ KitamotoAsanob u 2018/06/07 1 2018/06/07 2 デジタル台風とは? http://agora.ex.nii.ac.jp/digital-typhoon/ 1999 2000 P 2018/06/07 3 200813 0 1 Collaboration

More information

IPSJ SIG Technical Report Vol.2013-ARC-203 No /2/1 SMYLE OpenCL (NEDO) IT FPGA SMYLEref SMYLE OpenCL SMYLE OpenCL FPGA 1

IPSJ SIG Technical Report Vol.2013-ARC-203 No /2/1 SMYLE OpenCL (NEDO) IT FPGA SMYLEref SMYLE OpenCL SMYLE OpenCL FPGA 1 SMYLE OpenCL 128 1 1 1 1 1 2 2 3 3 3 (NEDO) IT FPGA SMYLEref SMYLE OpenCL SMYLE OpenCL FPGA 128 SMYLEref SMYLE OpenCL SMYLE OpenCL Implementation and Evaluations on 128 Cores Takuji Hieda 1 Noriko Etani

More information

Microsoft Word - 倫理 第40,43,45,46講 テキスト.docx

Microsoft Word - 倫理 第40,43,45,46講 テキスト.docx 6 538 ( 552 ) (1) () (2) () ( )( ) 1 vs () (1) (2) () () () ) ()() (3) () ( () 2 () () () ()( ) () (7) (8) () 3 4 5 abc b c 6 a (a) b b ()() 7 c (c) ()() 8 9 10 () 1 ()()() 2 () 3 1 1052 1051 () 1053 11

More information

2 1,384,000 2,000,000 1,296,211 1,793,925 38,000 54,500 27,804 43,187 41,000 60,000 31,776 49,017 8,781 18,663 25,000 35,300 3 4 5 6 1,296,211 1,793,925 27,804 43,187 1,275,648 1,753,306 29,387 43,025

More information

Python (Anaconda ) Anaconda 2 3 Python Python IDLE Python NumPy 6

Python (Anaconda ) Anaconda 2 3 Python Python IDLE Python NumPy 6 Python (Anaconda ) 2017. 05. 30. 1 1 2 Anaconda 2 3 Python 3 3.1 Python.......................... 3 3.2 IDLE Python....................... 5 4 NumPy 6 5 matplotlib 7 5.1..................................

More information

1 OpenCL OpenCL 1 OpenCL GPU ( ) 1 OpenCL Compute Units Elements OpenCL OpenCL SPMD (Single-Program, Multiple-Data) SPMD OpenCL work-item work-group N

1 OpenCL OpenCL 1 OpenCL GPU ( ) 1 OpenCL Compute Units Elements OpenCL OpenCL SPMD (Single-Program, Multiple-Data) SPMD OpenCL work-item work-group N GPU 1 1 2 1, 3 2, 3 (Graphics Unit: GPU) GPU GPU GPU Evaluation of GPU Computing Based on An Automatic Program Generation Technology Makoto Sugawara, 1 Katsuto Sato, 1 Kazuhiko Komatsu, 2 Hiroyuki Takizawa

More information

_314I01BM浅谷2.indd

_314I01BM浅谷2.indd 587 ネットワークの表現学習 1 1 1 1 Deep Learning [1] Google [2] Deep Learning [3] [4] 2014 Deepwalk [5] 1 2 [6] [7] [8] 1 2 1 word2vec[9] word2vec 1 http://www.ai-gakkai.or.jp/my-bookmark_vol31-no4 588 31 4 2016

More information

untitled

untitled 7/67/1073,42911 15,020158,393 7/127/184,6674,913 2927 71.3 894 21.8 287 7.0 n=4108) 132 3.2 62 1.5 934 22.7 786 19.1 629 15.3 801 19.5 407 9.9 357 8.7 (n=4108) 35 35 30 25 20 15 10 153 3.7 1 0.02 23 0.6

More information

b4-deeplearning-embedded-c-mw

b4-deeplearning-embedded-c-mw ディープラーニングアプリケーション の組み込み GPU/CPU 実装 アプリケーションエンジニアリング部町田和也 2015 The MathWorks, Inc. 1 アジェンダ MATLAB Coder/GPU Coder の概要 ディープニューラルネットワークの組み込み実装ワークフロー パフォーマンスに関して まとめ 2 ディープラーニングワークフローのおさらい Application logic

More information

b2-reinforcement-learning-mw

b2-reinforcement-learning-mw 強化学習 最適制御のためのディープラーニングの応用 吉田剛士 2015 The MathWorks, Inc. 1 はじめに強化学習 = Reinforcement Learning AlphaGo がプロ棋士に勝利 (2015) そして 人類を超える (2017) 強化学習の特徴 自律的に学習し賢くなっていく 2 Agenda : 強化学習 ~ 最適制御のためのディープラーニングの応用 ~ 強化学習とは

More information

untitled

untitled 16 4 1 17 1 50 -1- -2- -3- -4- -5- -6- -7- 1 2-8- -9- -10- -11- Web -12- (1) (2)(1) (3) (4) (1)()(2) (3)(4) -13- -14- -15- -16- -17- -18- -19- -20- -21- -22- -23- (2)(1) (3) -24- -25- -26- -27- -28- -29-

More information

1 GPU GPGPU GPU CPU 2 GPU 2007 NVIDIA GPGPU CUDA[3] GPGPU CUDA GPGPU CUDA GPGPU GPU GPU GPU Graphics Processing Unit LSI LSI CPU ( ) DRAM GPU LSI GPU

1 GPU GPGPU GPU CPU 2 GPU 2007 NVIDIA GPGPU CUDA[3] GPGPU CUDA GPGPU CUDA GPGPU GPU GPU GPU Graphics Processing Unit LSI LSI CPU ( ) DRAM GPU LSI GPU GPGPU (I) GPU GPGPU 1 GPU(Graphics Processing Unit) GPU GPGPU(General-Purpose computing on GPUs) GPU GPGPU GPU ( PC ) PC PC GPU PC PC GPU GPU 2008 TSUBAME NVIDIA GPU(Tesla S1070) TOP500 29 [1] 2009 AMD

More information

34 (2017 ) Advances in machine learning technologies make inductive programming a reality. As opposed to the conventional (deductive) programming, the

34 (2017 ) Advances in machine learning technologies make inductive programming a reality. As opposed to the conventional (deductive) programming, the 34 (2017 ) Advances in machine learning technologies make inductive programming a reality. As opposed to the conventional (deductive) programming, the development process for inductive programming is such

More information

Mastering the Game of Go without Human Knowledge ( ) AI 3 1 AI 1 rev.1 (2017/11/26) 1 6 2

Mastering the Game of Go without Human Knowledge ( ) AI 3 1 AI 1 rev.1 (2017/11/26) 1 6 2 6 2 6.1........................................... 3 6.2....................... 5 6.2.1........................... 5 6.2.2........................... 9 6.2.3................. 11 6.3.......................

More information

Python ( ) Anaconda 2 3 Python Python IDLE Python NumPy 6 5 matpl

Python ( ) Anaconda 2 3 Python Python IDLE Python NumPy 6 5 matpl Python ( ) 2017. 11. 21. 1 1 2 Anaconda 2 3 Python 3 3.1 Python.......................... 3 3.2 IDLE Python....................... 5 4 NumPy 6 5 matplotlib 7 5.1.................................. 7 5.2..................................

More information

WiFiの現状

WiFiの現状 V1.0 2019/10/23 はじめての AI 用パソコン Tensorflow 学習編 (ubuntu 版 ) 抜粋版 スペクトラム テクノロジー株式会社 https://spectrum-tech.co.jp sales@spectrum-tech.co.jp all rights reserved 2019 spectrum technology co. 1 目次 ubuntu 運用マニュアル

More information

スパコンに通じる並列プログラミングの基礎

スパコンに通じる並列プログラミングの基礎 2016.06.06 2016.06.06 1 / 60 2016.06.06 2 / 60 Windows, Mac Unix 0444-J 2016.06.06 3 / 60 Part I Unix GUI CUI: Unix, Windows, Mac OS Part II 0444-J 2016.06.06 4 / 60 ( : ) 6 6 ( ) 6 10 6 16 SX-ACE 6 17

More information

Real AdaBoost HOG 2009 3 A Graduation Thesis of College of Engineering, Chubu University Efficient Reducing Method of HOG Features for Human Detection based on Real AdaBoost Chika Matsushima ITS Graphics

More information

Slides: TimeGraph: GPU Scheduling for Real-Time Multi-Tasking Environments

Slides: TimeGraph: GPU Scheduling for Real-Time Multi-Tasking Environments 計算機アーキテクチャ第 11 回 マルチプロセッサ 本資料は授業用です 無断で転載することを禁じます 名古屋大学 大学院情報科学研究科 准教授加藤真平 デスクトップ ジョブレベル並列性 スーパーコンピュータ 並列処理プログラム プログラムの並列化 for (i = 0; i < N; i++) { x[i] = a[i] + b[i]; } プログラムの並列化 x[0] = a[0] + b[0];

More information

第 1 回ディープラーニング分散学習ハッカソン <ChainerMN 紹介 + スパコンでの実 法 > チューター福 圭祐 (PFN) 鈴 脩司 (PFN)

第 1 回ディープラーニング分散学習ハッカソン <ChainerMN 紹介 + スパコンでの実 法 > チューター福 圭祐 (PFN) 鈴 脩司 (PFN) 第 1 回ディープラーニング分散学習ハッカソン チューター福 圭祐 (PFN) 鈴 脩司 (PFN) https://chainer.org/ 2 Chainer: A Flexible Deep Learning Framework Define-and-Run Define-by-Run Define Define by Run Model

More information

DEIM Forum 2010 D Development of a La

DEIM Forum 2010 D Development of a La DEIM Forum 2010 D5-3 432-8011 3-5-1 E-mail: {cs06062,cs06015}@s.inf.shizuoka.ac.jp, {yokoyama,fukuta,ishikawa}@.inf.shizuoka.ac.jp Development of a Large-scale Visualization System Based on Sensor Network

More information

研究ノート GPU CPU Central Processing Unit CPU BTO Build To Order CPU CPU GPGPU Tesla GPU Graphics Processing Units GPGPU General-Purpose computing on Grap

研究ノート GPU CPU Central Processing Unit CPU BTO Build To Order CPU CPU GPGPU Tesla GPU Graphics Processing Units GPGPU General-Purpose computing on Grap 1 7 GPU Getting Started with GPGPU 研究ノート GPU CPU Central Processing Unit CPU BTO Build To Order CPU CPU GPGPU Tesla GPU Graphics Processing Units GPGPU General-Purpose computing on Graphics Processing

More information

Convolutional Neural Network A Graduation Thesis of College of Engineering, Chubu University Investigation of feature extraction by Convolution

Convolutional Neural Network A Graduation Thesis of College of Engineering, Chubu University Investigation of feature extraction by Convolution Convolutional Neural Network 2014 3 A Graduation Thesis of College of Engineering, Chubu University Investigation of feature extraction by Convolutional Neural Network Fukui Hiroshi 1940 1980 [1] 90 3

More information

RL_tutorial

RL_tutorial )! " = $ % & ' "(& &*+ = ' " + %' "(- + %. ' "(. + γ γ=0! " = $ " γ=0.9! " = $ " + 0.9$ " + 0.81$ "+, + ! " #, % #! " #, % # + (( + #,- +. max 2 3! " #,-, % 4! " #, % # ) α ! " #, % ' ( )(#, %)!

More information

Anaconda (2019/7/3)

Anaconda (2019/7/3) Published on Research Center for Computational Science (https://ccportal.ims.ac.jp) Home > Anaconda3-2019.03 (2019/7/3) Anaconda3-2019.03 (2019/7/3) 1 利用方法 conda, anaconda に関する情報はウェブ上にたくさんありますので それらも参考にしてください

More information

WebGL OpenGL GLSL Kageyama (Kobe Univ.) Visualization / 57

WebGL OpenGL GLSL Kageyama (Kobe Univ.) Visualization / 57 WebGL 2014.04.15 X021 2014 3 1F Kageyama (Kobe Univ.) Visualization 2014.04.15 1 / 57 WebGL OpenGL GLSL Kageyama (Kobe Univ.) Visualization 2014.04.15 2 / 57 WebGL Kageyama (Kobe Univ.) Visualization 2014.04.15

More information

10D16.dvi

10D16.dvi D IEEJ Transactions on Industry Applications Vol.136 No.10 pp.686 691 DOI: 10.1541/ieejias.136.686 NW Accelerating Techniques for Sequence Alignment based on an Extended NW Algorithm Jin Okaze, Non-member,

More information

,., ping - RTT,., [2],RTT TCP [3] [4] Android.Android,.,,. LAN ACK. [5].. 3., 1.,. 3 AI.,,Amazon, (NN),, 1..NN,, (RNN) RNN

,., ping - RTT,., [2],RTT TCP [3] [4] Android.Android,.,,. LAN ACK. [5].. 3., 1.,. 3 AI.,,Amazon, (NN),, 1..NN,, (RNN) RNN DEIM Forum 2018 F1-1 LAN LSTM 112 8610 2-1-1 163-8677 1-24-2 E-mail: aoi@ogl.is.ocha.ac.jp, oguchi@is.ocha.ac.jp, sane@cc.kogakuin.ac.jp,,.,,., LAN,. Android LAN,. LSTM LAN., LSTM, Analysis of Packet of

More information

Haiku Generation Based on Motif Images Using Deep Learning Koki Yoneda 1 Soichiro Yokoyama 2 Tomohisa Yamashita 2 Hidenori Kawamura Scho

Haiku Generation Based on Motif Images Using Deep Learning Koki Yoneda 1 Soichiro Yokoyama 2 Tomohisa Yamashita 2 Hidenori Kawamura Scho Haiku Generation Based on Motif Images Using Deep Learning 1 2 2 2 Koki Yoneda 1 Soichiro Yokoyama 2 Tomohisa Yamashita 2 Hidenori Kawamura 2 1 1 School of Engineering Hokkaido University 2 2 Graduate

More information

スパコンに通じる並列プログラミングの基礎

スパコンに通じる並列プログラミングの基礎 2018.09.10 furihata@cmc.osaka-u.ac.jp ( ) 2018.09.10 1 / 59 furihata@cmc.osaka-u.ac.jp ( ) 2018.09.10 2 / 59 Windows, Mac Unix 0444-J furihata@cmc.osaka-u.ac.jp ( ) 2018.09.10 3 / 59 Part I Unix GUI CUI:

More information

IPSJ SIG Technical Report Vol.2016-GI-35 No /3/9 StarCraft AI Deep Q-Network StarCraft: BroodWar Blizzard Entertainment AI Competition AI Convo

IPSJ SIG Technical Report Vol.2016-GI-35 No /3/9 StarCraft AI Deep Q-Network StarCraft: BroodWar Blizzard Entertainment AI Competition AI Convo StarCraft AI Deep Q-Network StarCraft: BroodWar Blizzard Entertainment AI Competition AI Convolutional Neural Network(CNN) Q Deep Q-Network(DQN) CNN DQN,,, 1. StarCraft: Brood War *1 Blizzard Entertainment

More information

,.,., ( ).,., A, B. A, B,.,...,., Python Long Short Term Memory(LSTM), Unity., Asynchronous method, Deep Q-Network(DQN), LSTM, TORCS. Asynchronous met

,.,., ( ).,., A, B. A, B,.,...,., Python Long Short Term Memory(LSTM), Unity., Asynchronous method, Deep Q-Network(DQN), LSTM, TORCS. Asynchronous met 2016 Future University Hakodate 2016 System Information Science Practice Group Report AI Project Name AI love Deep Learning TORCS Deep Learning Group Name TORCS Deep Learning /Project No. 14-B /Project

More information

... 4 IoT IoT... 6 IoT G LTE... 8 Bluetooth... 8 LoRa... 8 GPS... 9 Mirai... 9 RFID... 9 SAS Analytics for IoT SAS Event Stre

... 4 IoT IoT... 6 IoT G LTE... 8 Bluetooth... 8 LoRa... 8 GPS... 9 Mirai... 9 RFID... 9 SAS Analytics for IoT SAS Event Stre IoT IoT Tamara Dull best practices T H O UGHT PROVOKING BUSINESS ... 4 IoT... 4... 5 IoT... 6 IoT 50... 8 4G LTE... 8 Bluetooth... 8 LoRa... 8 GPS... 9 Mirai... 9 RFID... 9 SAS Analytics for IoT... 10

More information

(a) (b) (c) Fig. 2 2 (a) ; (b) ; (c) (a)configuration of the proposed system; (b)processing flow of the system; (c)the system in use 1 GPGPU (

(a) (b) (c) Fig. 2 2 (a) ; (b) ; (c) (a)configuration of the proposed system; (b)processing flow of the system; (c)the system in use 1 GPGPU ( 1 1 1 (a) (b) imperceptible A Realtime and Adaptive Technique for Projection onto Non-Flat Surfaces Using a Mobile Projector Camera System Eiji Seki, 1 Dao Vinh Ninh 1 and Masanori Sugimoto 1 In this paper,

More information

スパコンに通じる並列プログラミングの基礎

スパコンに通じる並列プログラミングの基礎 2018.06.04 2018.06.04 1 / 62 2018.06.04 2 / 62 Windows, Mac Unix 0444-J 2018.06.04 3 / 62 Part I Unix GUI CUI: Unix, Windows, Mac OS Part II 2018.06.04 4 / 62 0444-J ( : ) 6 4 ( ) 6 5 * 6 19 SX-ACE * 6

More information

IPSJ SIG Technical Report iphone iphone,,., OpenGl ES 2.0 GLSL(OpenGL Shading Language), iphone GPGPU(General-Purpose Computing on Graphics Proc

IPSJ SIG Technical Report iphone iphone,,., OpenGl ES 2.0 GLSL(OpenGL Shading Language), iphone GPGPU(General-Purpose Computing on Graphics Proc iphone 1 1 1 iphone,,., OpenGl ES 2.0 GLSL(OpenGL Shading Language), iphone GPGPU(General-Purpose Computing on Graphics Processing Unit)., AR Realtime Natural Feature Tracking Library for iphone Makoto

More information

xx/xx Vol. Jxx A No. xx 1 Fig. 1 PAL(Panoramic Annular Lens) PAL(Panoramic Annular Lens) PAL (2) PAL PAL 2 PAL 3 2 PAL 1 PAL 3 PAL PAL 2. 1 PAL

xx/xx Vol. Jxx A No. xx 1 Fig. 1 PAL(Panoramic Annular Lens) PAL(Panoramic Annular Lens) PAL (2) PAL PAL 2 PAL 3 2 PAL 1 PAL 3 PAL PAL 2. 1 PAL PAL On the Precision of 3D Measurement by Stereo PAL Images Hiroyuki HASE,HirofumiKAWAI,FrankEKPAR, Masaaki YONEDA,andJien KATO PAL 3 PAL Panoramic Annular Lens 1985 Greguss PAL 1 PAL PAL 2 3 2 PAL DP

More information

Pick up Part 01 2013C o n t e n t s Part 02 Part 03 Part 04 Pick up 4 2013 2013 5 Pick up 6 2013 2013 7 Part 01 8 2013 2013 9 10 2013 2013 11 12 2013 2013 13 14 2013 2013 15 16 2013 Part 02 18 2013 2013

More information

07-二村幸孝・出口大輔.indd

07-二村幸孝・出口大輔.indd GPU Graphics Processing Units HPC High Performance Computing GPU GPGPU General-Purpose computation on GPU CPU GPU GPU *1 Intel Quad-Core Xeon E5472 3.0 GHz 2 6 MB L2 cache 1600 MHz FSB 80 GFlops 1 nvidia

More information

AMD/ATI Radeon HD 5870 GPU DEGIMA LINPACK HD 5870 GPU DEGIMA LINPACK GFlops/Watt GFlops/Watt Abstract GPU Computing has lately attracted

AMD/ATI Radeon HD 5870 GPU DEGIMA LINPACK HD 5870 GPU DEGIMA LINPACK GFlops/Watt GFlops/Watt Abstract GPU Computing has lately attracted DEGIMA LINPACK Energy Performance for LINPACK Benchmark on DEGIMA 1 AMD/ATI Radeon HD 5870 GPU DEGIMA LINPACK HD 5870 GPU DEGIMA LINPACK 1.4698 GFlops/Watt 1.9658 GFlops/Watt Abstract GPU Computing has

More information

aca-mk23.dvi

aca-mk23.dvi E-Mail: matsu@nanzan-u.ac.jp [13] [13] 2 ( ) n-gram 1 100 ( ) (Google ) [13] (Breiman[3] ) [13] (Friedman[5, 6]) 2 2.1 [13] 10 20 200 11 10 110 6 10 60 [13] 1: (1892-1927) (1888-1948) (1867-1916) (1862-1922)

More information

ディープラーニングとオープンサイエンス ~研究の爆速化が引き起こす摩擦なき情報流通へのシフト~

ディープラーニングとオープンサイエンス ~研究の爆速化が引き起こす摩擦なき情報流通へのシフト~ KITAMOTO Asanobu http://researchmap.jp/kitamoto/ KitamotoAsanob u 1 2 3 4 5 1. 2. 3. 6 Lawrence Lessig (Founder of Creative Commons), Code: And Other Laws of Cyber Space (first edition 1999) 7 NSF Data

More information

258 5) GPS 1 GPS 6) GPS DP 7) 8) 10) GPS GPS 2 3 4 5 2. 2.1 3 1) GPS Global Positioning System

258 5) GPS 1 GPS 6) GPS DP 7) 8) 10) GPS GPS 2 3 4 5 2. 2.1 3 1) GPS Global Positioning System Vol. 52 No. 1 257 268 (Jan. 2011) 1 2, 1 1 measurement. In this paper, a dynamic road map making system is proposed. The proposition system uses probe-cars which has an in-vehicle camera and a GPS receiver.

More information

Int Int 29 print Int fmt tostring 2 2 [19] ML ML [19] ML Emacs Standard ML M M ::= x c λx.m M M let x = M in M end (M) x c λx.

Int Int 29 print Int fmt tostring 2 2 [19] ML ML [19] ML Emacs Standard ML M M ::= x c λx.m M M let x = M in M end (M) x c λx. 1, 2 1 m110057@shibaura-it.ac.jp 2 sasano@sic.shibaura-it.ac.jp Eclipse Visual Studio ML Standard ML Emacs 1 ( IDE ) IDE C C++ Java IDE IDE IDE IDE Eclipse Java IDE Java Standard ML 1 print (Int. 1 Int

More information

untitled

untitled 2007 55 2 255 268 c 2007 2007 1 24 2007 10 30 k 10 200 11 110 6 60 3 1. 1 19 Mendenhall 1887 Dickens, 1812 1870 Thackeray, 1811 1863 Mill, 1806 1873 1960 610 0394 1 3 256 55 2 2007 Sebastiani 2002 k k

More information

Vol.57 No (Mar. 2016) 1,a) , L3 CG VDI VDI A Migration to a Cloud-based Information Infrastructure to Support

Vol.57 No (Mar. 2016) 1,a) , L3 CG VDI VDI A Migration to a Cloud-based Information Infrastructure to Support 1,a) 1 1 2015 6 22, 2015 12 7 L3 CG 50 600 VDI VDI A Migration to a Cloud-based Information Infrastructure to Support University Education and It s Analysis Kaori Maeda 1,a) Nobuo Suematsu 1 Toshiaki Kitamura

More information

23 Fig. 2: hwmodulev2 3. Reconfigurable HPC 3.1 hw/sw hw/sw hw/sw FPGA PC FPGA PC FPGA HPC FPGA FPGA hw/sw hw/sw hw- Module FPGA hwmodule hw/sw FPGA h

23 Fig. 2: hwmodulev2 3. Reconfigurable HPC 3.1 hw/sw hw/sw hw/sw FPGA PC FPGA PC FPGA HPC FPGA FPGA hw/sw hw/sw hw- Module FPGA hwmodule hw/sw FPGA h 23 FPGA CUDA Performance Comparison of FPGA Array with CUDA on Poisson Equation (lijiang@sekine-lab.ei.tuat.ac.jp), (kazuki@sekine-lab.ei.tuat.ac.jp), (takahashi@sekine-lab.ei.tuat.ac.jp), (tamukoh@cc.tuat.ac.jp),

More information

( ) ( ) ( ) 2

( ) ( ) ( ) 2 (Basic Theory of Information Processing) 1 1 1.1 - - ( ) ( ) ( ) 2 Engineering Transformation or ( ) Military Transformation ( ) ( ) ( ) HDTV 3 ( ) or ( ) 4 5.609 (TSUBAME2.5, 11 (2014.6)) IP ( ) ( ) (

More information

Stapy_Tsuji_ key

Stapy_Tsuji_ key Python #23 2017.4.12 Python @tsjshg shingo.tsuji@gmail.com 1975 C++ IT Java Web 10 Python Python 3 Python Python Python Python SQL Excel PowerPoint PDF 2 http://pypl.github.io/pypl.html 1 http://blog.codeeval.com/codeevalblog/2016/2/2/most-popular-coding-languages-of-2016

More information

JUMAN++ version

JUMAN++ version JUMAN++ version 1.0 28 9 Morphological Analysis System JUMAN++ 1.0 Copyright 2016 Kyoto University All rights reserved. Licensed under the Apache License, Version 2.0 (the License ); you may not use this

More information

No. 3 Oct The person to the left of the stool carried the traffic-cone towards the trash-can. α α β α α β α α β α Track2 Track3 Track1 Track0 1

No. 3 Oct The person to the left of the stool carried the traffic-cone towards the trash-can. α α β α α β α α β α Track2 Track3 Track1 Track0 1 ACL2013 TACL 1 ACL2013 Grounded Language Learning from Video Described with Sentences (Yu and Siskind 2013) TACL Transactions of the Association for Computational Linguistics What Makes Writing Great?

More information

SICE東北支部研究集会資料(2017年)

SICE東北支部研究集会資料(2017年) 307 (2017.2.27) 307-8 Deep Convolutional Neural Network X Detecting Masses in Mammograms Based on Transfer Learning of A Deep Convolutional Neural Network Shintaro Suzuki, Xiaoyong Zhang, Noriyasu Homma,

More information

Morphological Analysis System JUMAN Copyright 2016 Kyoto University All rights reserved. Licensed under the Apache License, Version 2.0 (the Li

Morphological Analysis System JUMAN Copyright 2016 Kyoto University All rights reserved. Licensed under the Apache License, Version 2.0 (the Li JUMAN++ version 1.01 28 9 Morphological Analysis System JUMAN++ 1.01 Copyright 2016 Kyoto University All rights reserved. Licensed under the Apache License, Version 2.0 (the License ); you may not use

More information

GPU n Graphics Processing Unit CG CAD

GPU n Graphics Processing Unit CG CAD GPU 2016/06/27 第 20 回 GPU コンピューティング講習会 ( 東京工業大学 ) 1 GPU n Graphics Processing Unit CG CAD www.nvidia.co.jp www.autodesk.co.jp www.pixar.com GPU n GPU ü n NVIDIA CUDA ü NVIDIA GPU ü OS Linux, Windows, Mac

More information

VOLTA TENSOR コアで 高速かつ高精度に DL モデルをトレーニングする方法 成瀬彰, シニアデベロッパーテクノロジーエンジニア, 2017/12/12

VOLTA TENSOR コアで 高速かつ高精度に DL モデルをトレーニングする方法 成瀬彰, シニアデベロッパーテクノロジーエンジニア, 2017/12/12 VOLTA TENSOR コアで 高速かつ高精度に DL モデルをトレーニングする方法 成瀬彰, シニアデベロッパーテクノロジーエンジニア, 2017/12/12 アジェンダ Tensorコアとトレーニングの概要 混合精度 (Tensorコア) で FP32と同等の精度を得る方法 ウェイトをFP16とFP32を併用して更新する ロス スケーリング DLフレームワーク対応状況 ウェイトをFP16で更新する

More information

161 Debian.Deb 銀河系唯一の Debian 専門誌 GO

161 Debian.Deb 銀河系唯一の Debian 専門誌 GO 161 Debian.Deb 銀河系唯一の Debian 専門誌 GO 2018 3 24 1 Debian 2 1.1 159 Debian............ 2 1.2 OSC 2018 Tokyo/Spring.. 2 2 3 2.1 hiromiso.......... 3 2.2 yy y ja jp......... 3 2.3 ysaito............ 3 2.4 henrich...........

More information

[ml] 180 160 140 120 100 80 60 40 20 0 Cumulative biogas production [ml/mg-input VS] 0 10 20 30 40 50 60 [] 1 0.8 0.6 0.4 0.2 0 dog food PLA foam 0 10 20 30 40 50 days RUN1-1 RUN1-2 RUN2-1 RUN2-2 RUN3-1

More information

OpenGL GLSL References Kageyama (Kobe Univ.) Visualization / 58

OpenGL GLSL References Kageyama (Kobe Univ.) Visualization / 58 WebGL *1 2013.04.23 *1 X021 2013 LR301 Kageyama (Kobe Univ.) Visualization 2013.04.23 1 / 58 OpenGL GLSL References Kageyama (Kobe Univ.) Visualization 2013.04.23 2 / 58 Kageyama (Kobe Univ.) Visualization

More information

FIT2013( 第 12 回情報科学技術フォーラム ) I-032 Acceleration of Adaptive Bilateral Filter base on Spatial Decomposition and Symmetry of Weights 1. Taiki Makishi Ch

FIT2013( 第 12 回情報科学技術フォーラム ) I-032 Acceleration of Adaptive Bilateral Filter base on Spatial Decomposition and Symmetry of Weights 1. Taiki Makishi Ch I-032 Acceleration of Adaptive Bilateral Filter base on Spatial Decomposition and Symmetry of Weights 1. Taiki Makishi Chikatoshi Yamada Shuichi Ichikawa Gaussian Filter GF GF Bilateral Filter BF CG [1]

More information

1 3DCG [2] 3DCG CG 3DCG [3] 3DCG 3 3 API 2 3DCG 3 (1) Saito [4] (a) 1920x1080 (b) 1280x720 (c) 640x360 (d) 320x G-Buffer Decaudin[5] G-Buffer D

1 3DCG [2] 3DCG CG 3DCG [3] 3DCG 3 3 API 2 3DCG 3 (1) Saito [4] (a) 1920x1080 (b) 1280x720 (c) 640x360 (d) 320x G-Buffer Decaudin[5] G-Buffer D 3DCG 1) ( ) 2) 2) 1) 2) Real-Time Line Drawing Using Image Processing and Deforming Process Together in 3DCG Takeshi Okuya 1) Katsuaki Tanaka 2) Shigekazu Sakai 2) 1) Department of Intermedia Art and Science,

More information

HPC (pay-as-you-go) HPC Web 2

HPC (pay-as-you-go) HPC Web 2 ,, 1 HPC (pay-as-you-go) HPC Web 2 HPC Amazon EC2 OpenFOAM GPU EC2 3 HPC MPI MPI Courant 1 GPGPU MPI 4 AMAZON EC2 GPU CLUSTER COMPUTE INSTANCE EC2 GPU (cg1.4xlarge) ( N. Virgina ) Quadcore Intel Xeon 5570

More information

AI技術を活用して戦略的優位性を構築する――Using AI to Create Advantage

AI技術を活用して戦略的優位性を構築する――Using AI to Create Advantage MAY 2018 AI Using AI to Create Advantage ボストンコンサルティンググループ ( BCG) BCGは 世界をリードする経営コンサルティングファームとして 政府 民間企業 非営利団体など さまざまな業種 マーケットにおいて カスタムメードのアプローチ 企業 市場に対する深い洞察 クライアントとの緊密な協働により クライアントが持続的競争優位を築き 組織能力 ( ケイパビリティ

More information

2797 4 5 6 7 2. 2.1 COM COM 4) 5) COM COM 3 4) 5) 2 2.2 COM COM 6) 7) 10) COM Bonanza 6) Bonanza 6 10 20 Hearts COM 7) 10) 52 4 3 Hearts 3 2,000 4,000

2797 4 5 6 7 2. 2.1 COM COM 4) 5) COM COM 3 4) 5) 2 2.2 COM COM 6) 7) 10) COM Bonanza 6) Bonanza 6 10 20 Hearts COM 7) 10) 52 4 3 Hearts 3 2,000 4,000 Vol. 50 No. 12 2796 2806 (Dec. 2009) 1 1, 2 COM TCG COM TCG COM TCG Strategy-acquisition System for Video Trading Card Game Nobuto Fujii 1 and Haruhiro Katayose 1, 2 Behavior and strategy of computers

More information

2015 3

2015 3 JAIST Reposi https://dspace.j Title ターン制ストラテジーゲームにおける候補手の抽象化 によるゲーム木探索の効率化 Author(s) 村山, 公志朗 Citation Issue Date 2015-03 Type Thesis or Dissertation Text version author URL http://hdl.handle.net/10119/12652

More information

21 20 20413525 22 2 4 i 1 1 2 4 2.1.................................. 4 2.1.1 LinuxOS....................... 7 2.1.2....................... 10 2.2........................ 15 3 17 3.1.................................

More information

1 Fig. 1 Extraction of motion,.,,, 4,,, 3., 1, 2. 2.,. CHLAC,. 2.1,. (256 ).,., CHLAC. CHLAC, HLAC. 2.3 (HLAC ) r,.,. HLAC. N. 2 HLAC Fig. 2

1 Fig. 1 Extraction of motion,.,,, 4,,, 3., 1, 2. 2.,. CHLAC,. 2.1,. (256 ).,., CHLAC. CHLAC, HLAC. 2.3 (HLAC ) r,.,. HLAC. N. 2 HLAC Fig. 2 CHLAC 1 2 3 3,. (CHLAC), 1).,.,, CHLAC,.,. Suspicious Behavior Detection based on CHLAC Method Hideaki Imanishi, 1 Toyohiro Hayashi, 2 Shuichi Enokida 3 and Toshiaki Ejima 3 We have proposed a method for

More information

倍々精度RgemmのnVidia C2050上への実装と応用

倍々精度RgemmのnVidia C2050上への実装と応用 .. maho@riken.jp http://accc.riken.jp/maho/,,, 2011/2/16 1 - : GPU : SDPA-DD 10 1 - Rgemm : 4 (32 ) nvidia C2050, GPU CPU 150, 24GFlops 25 20 GFLOPS 15 10 QuadAdd Cray, QuadMul Sloppy Kernel QuadAdd Cray,

More information

Slide 1

Slide 1 ディープラーニング最新動向と技術情報 なぜ GPU がディープラーニングに向いているのか エヌビディアディープラーニングソリューションアーキテクト兼 CUDAエンジニア村上真奈 ディープラーニングとは AGENDA なぜ GPU がディープラーニングに向いているか NVIDIA DIGITS 2 ディープラーニングとは 3 Google I/O 2015 基調講演 ディープラーニングのおかげで わずか一年で音声認識の誤認識率が

More information

,.,., ( ).,., A, B., A, B,.,, 2010 [2], [3],.,,,.,,.,, Python Python 2.., (SVM).,,.,,.,.,.,.,,, - i -

,.,., ( ).,., A, B., A, B,.,, 2010 [2], [3],.,,,.,,.,, Python Python 2.., (SVM).,,.,,.,.,.,.,,, - i - 2016 Future University Hakodate 2016 System Information Science Practice Group Report AI Project Name AI Love Deep Learning AI Group Name AI Scope /Project No. 14-A /Project Leader 1014041 Daichi Fukuda

More information

3 2 2 (1) (2) (3) (4) 4 4 AdaBoost 2. [11] Onishi&Yoda [8] Iwashita&Stoica [5] 4 [3] 3. 3 (1) (2) (3)

3 2 2 (1) (2) (3) (4) 4 4 AdaBoost 2. [11] Onishi&Yoda [8] Iwashita&Stoica [5] 4 [3] 3. 3 (1) (2) (3) (MIRU2012) 2012 8 820-8502 680-4 E-mail: {d kouno,shimada,endo}@pluto.ai.kyutech.ac.jp (1) (2) (3) (4) 4 AdaBoost 1. Kanade [6] CLAFIC [12] EigenFace [10] 1 1 2 1 [7] 3 2 2 (1) (2) (3) (4) 4 4 AdaBoost

More information

2008 : 80725872 1 2 2 3 2.1.......................................... 3 2.2....................................... 3 2.3......................................... 4 2.4 ()..................................

More information

インターネットと運用技術シンポジウム 2016 Internet and Operation Technology Symposium 2016 IOTS /12/1 syslog 1,2,a) 3,b) syslog syslog syslog Interop Tokyo Show

インターネットと運用技術シンポジウム 2016 Internet and Operation Technology Symposium 2016 IOTS /12/1 syslog 1,2,a) 3,b) syslog syslog syslog Interop Tokyo Show syslog 1,2,a) 3,b) syslog syslog syslog Interop Tokyo ShowNet syslog Proposal of the anomaly detection method analyzing syslog data using Bollinger Bands algorithm on event network Hiroshi Abe 1,2,a) Mikifumi

More information

IPSJ SIG Technical Report Vol.2009-CVIM-167 No /6/10 Real AdaBoost HOG 1 1 1, 2 1 Real AdaBoost HOG HOG Real AdaBoost HOG A Method for Reducing

IPSJ SIG Technical Report Vol.2009-CVIM-167 No /6/10 Real AdaBoost HOG 1 1 1, 2 1 Real AdaBoost HOG HOG Real AdaBoost HOG A Method for Reducing Real AdaBoost HOG 1 1 1, 2 1 Real AdaBoost HOG HOG Real AdaBoost HOG A Method for Reducing number of HOG Features based on Real AdaBoost Chika Matsushima, 1 Yuji Yamauchi, 1 Takayoshi Yamashita 1, 2 and

More information

Fig. 1 Relative delay coding.

Fig. 1 Relative delay coding. An Architecture of Small-scaled Neuro-hardware Using Probabilistically-coded Pulse Neurons Takeshi Kawashima, Non-member (DENSO CORPORATION), Akio Ishiguro, Member (Nagoya University), Shigeru Okuma, Member

More information

210-0004 TEL 200-3298,3300 FAX 222-1442 14 ( ) 14 ( ) 7 ( ) 16 ( ) 16 ( ) 23 ( ) (%) 1 ( ) 1 ( ) 2 ( ) 7 ( ) 7 ( ) 22 ( ) 8 ( ) 22 ( ) 30 ( ) or 31( )

210-0004 TEL 200-3298,3300 FAX 222-1442 14 ( ) 14 ( ) 7 ( ) 16 ( ) 16 ( ) 23 ( ) (%) 1 ( ) 1 ( ) 2 ( ) 7 ( ) 7 ( ) 22 ( ) 8 ( ) 22 ( ) 30 ( ) or 31( ) 210-0004 TEL 200-3298,3300 FAX 222-1442 10:00 14:00 210-0004 TEL 200-3298,3300 FAX 222-1442 14 ( ) 14 ( ) 7 ( ) 16 ( ) 16 ( ) 23 ( ) (%) 1 ( ) 1 ( ) 2 ( ) 7 ( ) 7 ( ) 22 ( ) 8 ( ) 22 ( ) 30 ( ) or 31(

More information

26102 (1/2) LSISoC: (1) (*) (*) GPU SIMD MIMD FPGA DES, AES (2/2) (2) FPGA(8bit) (ISS: Instruction Set Simulator) (3) (4) LSI ECU110100ECU1 ECU ECU ECU ECU FPGA ECU main() { int i, j, k for { } 1 GP-GPU

More information

FINAL PROGRAM 22th Annual Workshop SWoPP / / 2009 Sendai Summer United Workshops on Parallel, Distributed, and Cooperative Processing

FINAL PROGRAM 22th Annual Workshop SWoPP / / 2009 Sendai Summer United Workshops on Parallel, Distributed, and Cooperative Processing FINAL PROGRAM 22th Annual Workshop SWoPP 2009 2009 / / 2009 Sendai Summer United Workshops on Parallel, Distributed, and Cooperative Processing 2009 8 4 ( ) 8 6 ( ) 981-0933 1-2-45 http://www.forestsendai.jp

More information

Contents P. P. 1

Contents P. P. 1 Contents P. P. 1 P. 2 TOP MESSAGE 3 4 P. P. 5 P. 6 7 8 9 P. P. P. P. P. 10 11 12 Economy P. P. 13 14 Economy P. 1,078 1,000 966 888 800 787 716 672 600 574 546 556 500 417 373 449 470 400 315 336 218 223

More information

1 Table 1: Identification by color of voxel Voxel Mode of expression Nothing Other 1 Orange 2 Blue 3 Yellow 4 SSL Humanoid SSL-Vision 3 3 [, 21] 8 325

1 Table 1: Identification by color of voxel Voxel Mode of expression Nothing Other 1 Orange 2 Blue 3 Yellow 4 SSL Humanoid SSL-Vision 3 3 [, 21] 8 325 社団法人人工知能学会 Japanese Society for Artificial Intelligence 人工知能学会研究会資料 JSAI Technical Report SIG-Challenge-B3 (5/5) RoboCup SSL Humanoid A Proposal and its Application of Color Voxel Server for RoboCup SSL

More information

6 29 6.1.............................. 29 6.2.............................. 31 6.3.... 33 7 34 7.1 Cocos2d-x..................... 35 7.2..............

6 29 6.1.............................. 29 6.2.............................. 31 6.3.... 33 7 34 7.1 Cocos2d-x..................... 35 7.2.............. 1 3 1.1.............................. 3 1.2........................ 3 2 4 2.1.................. 4 2.2.............................. 5 2.2.1.......................... 6 2.2.2.......................... 7

More information

2). 3) 4) 1.2 NICTNICT DCRA Dihedral Corner Reflector micro-arraysdcra DCRA DCRA DCRA 3D DCRA PC USB PC PC ON / OFF Velleman K8055 K8055 K8055

2). 3) 4) 1.2 NICTNICT DCRA Dihedral Corner Reflector micro-arraysdcra DCRA DCRA DCRA 3D DCRA PC USB PC PC ON / OFF Velleman K8055 K8055 K8055 1 1 1 2 DCRA 1. 1.1 1) 1 Tactile Interface with Air Jets for Floating Images Aya Higuchi, 1 Nomin, 1 Sandor Markon 1 and Satoshi Maekawa 2 The new optical device DCRA can display floating images in free

More information