Visual Python, Numpy, Matplotlib

Size: px
Start display at page:

Download "Visual Python, Numpy, Matplotlib"

Transcription

1 Visual Python, Numpy, Matplotlib 1 / 38

2 Contents 1 2 Visual Python 3 Numpy Scipy 4 Scipy 5 Matplotlib 2 / 38

3 Contents 1 2 Visual Python 3 Numpy Scipy 4 Scipy 5 Matplotlib 3 / 38

4 3 Visual Python: 3D Numpy, Scipy: Matplotlib: ( ) 4 / 38

5 Contents 1 2 Visual Python 3 Numpy Scipy 4 Scipy 5 Matplotlib 5 / 38

6 1 ( ) 2 vector 3D 3 Visual Python 6 / 38

7 1 1 n_steps = 2 dt = ( - ) / n_steps # 3 x = 4 v = 5 t = 6 for i in range(n_steps): 7 alpha = / # 8 x += v * dt # += * 9 v += alpha * dt # += * 10 t += dt., t, x, v, 7 / 38

8 : y = 0 t = 0 10 y = 0, v = 0 : ky + mg (g = 0.98) : t, 1 k = g = m = n_steps = dt = (10.0-0) / n_steps 6 y = v = for i in range(n_steps): 9 alpha = -k * y + m * g 10 y += v * dt 11 v += alpha * dt 8 / 38

9 3D Visual Python vector :, 1 from visual import * 2 k = g = vector(0.0, -9.8, 0.0) 4 m = n_steps = dt = (10.0-0) / n_steps 7 y = vector(0.0, 0.0, 0.0) 8 v = vector(0.0, 0.0, 0.0) 9 for i in range(n_steps): 10 alpha = -k * y + m * g 11 y += v * dt 12 v += alpha * dt 9 / 38

10 Visual Python pos : (helix) 1 from visual import * 2 k = g = vector(0.0, -9.8, 0.0) 4 m = scene.autoscale = 0 6 n_steps = dt = (10.0-0) / n_steps 8 s = sphere(pos=vector(0.0, 0.0, 0.0)) 9 s.vel = vector(0.0, 0.0, 0.0) 10 for i in range(n_steps): 11 rate(1.0/dt) 12 s.alpha = -k * s.pos + m * g 13 s.pos += s.vel * dt 14 s.vel += s.alpha * dt 10 / 38

11 :, 1, 1 = Visual Python 11 / 38

12 Contents 1 2 Visual Python 3 Numpy Scipy 4 Scipy 5 Matplotlib 12 / 38

13 Numpy Scipy SciPy NumPy (Numerical Python) NumPy SciPy numpy, scipy scipy, numpy,, numpy, scipy scipy 13 / 38

14 speed learning, 14 / 38

15 array : numpy numpy, array array : 1 import numpy as np 2 np.array( ) : 1 import numpy as np 2 x = np.array([2,0,1,4]) 3 print x 4 print len(x) 5 print x[1] : 1 [ ] / 38

16 array : 1 import numpy as np 2 A = pp.array([[1,2,3],[4,5,6]]) 3 print A 4 print len(a) 5 print A[1][1] : 1 [[1 2 3] 2 [4 5 6]] , 3, 4,... array 16 / 38

17 array 1 import numpy as np 2 x = np.array([2,0,1,4]) 3 y = np.array([5,6,7,8]) 4 print x + y 5 print x * y # 6 print x.dot(y) 1 [ ] 2 [ ] # * 3 49 # 17 / 38

18 array ( ) : 1 import numpy 2 A = numpy.array([[1,2,3],[4,5,6]]) 3 x = numpy.array([2,4,6]) 4 print A.dot(x) 1 [28 64] 1 import numpy 2 A = numpy.array([[1,2,3],[4,5,6]]) 3 B = numpy.array([[2,3],[4,5],[6,7]]) 4 print A.dot(B) 1 [[28 34] 2 [64 79]] 18 / 38

19 matrix : * array,, (, * ) matrix 1 import numpy as np 2 A = np.matrix([[1,2,3],[4,5,6]]) 3 B = np.matrix([[2,3],[4,5],[6,7]]) 4 print A * B 1 [[28 34] 2 [64 79]], array, matrix 19 / 38

20 array (1) ( ) 1 >>> numpy.arange(2,3,0.2) 2 array([ 2., 2.2, 2.4, 2.6, 2.8]) ( ) 1 >>> numpy.linspace(2,3,6) 2 array([ 2., 2.2, 2.4, 2.6, 2.8, 3. ]) >>> numpy.zeros((3,2)) 2 array([[ 0., 0.], 3 [ 0., 0.], 4 [ 0., 0.]]) 1 numpy.ones((2,3)) 2 array([[ 1., 1., 1.], 3 [ 1., 1., 1.]]) 20 / 38

21 array (2), zeros, 1 import numpy 2 3 def make_diag(n): 4 A = numpy.zeros((n,n)) 5 for i in range(n): 6 A[i,i] = i return A 8 9 print make_diag(4) 1 [[ ] 2 [ ] 3 [ ] 4 [ ]] 21 / 38

22 array (3) reshape, ( ) (1 ) (2 ) A = numpy.arange(0, 15, 1).reshape(3, 5) 2 print A 3 B = A.reshape(5, 3) 4 print B 1 [[ ] 2 [ ] 3 [ ]] 4 [[ 0 1 2] 5 [ 3 4 5] 6 [ 6 7 8] 7 [ ] 8 [ ]] 22 / 38

23 array (4) 1 >>> numpy.random.random((3,3)) 2 array([[ , , ], 3 [ , , ], 4 [ , , ]]) 1 >>> def f(i,j): 2... return i + j >>> numpy.fromfunction(f, (3,3)) 5 array([[ 0., 1., 2.], 6 [ 1., 2., 3.], 7 [ 2., 3., 4.]]) 23 / 38

24 ,,,, 1 import numpy 2 A = numpy.arange(0, 15, 1).reshape(3, 5) 3 >>> A 4 array([[ 0, 1, 2, 3, 4], 5 [ 5, 6, 7, 8, 9], 6 [10, 11, 12, 13, 14]]) 7 >>> A[1,2] >>> A[1:3,2:4] 10 array([[ 7, 8], 11 [12, 13]]) 24 / 38

25 ,, 1 >>> A[1:3,:] # = A[1:3,0:5] 2 array([[ 5, 6, 7, 8, 9], 3 [10, 11, 12, 13, 14]]) 4 >>> A[:,2:4] # = A[0:3,2:4] 5 array([[ 2, 3], 6 [ 7, 8], 7 [12, 13]]) 8 >>> A[:,2] 9 array([ 2, 7, 12]) 10 >>> A[:,:] 11 array([[ 0, 1, 2, 3, 4], 12 [ 5, 6, 7, 8, 9], 13 [10, 11, 12, 13, 14]]) 25 / 38

26 Universal (1) array 1 >>> import numpy as np 2 >>> r = np.linspace(0, 0.5 * math.pi, 6) 3 >>> r 4 array([ 0., , , , , ]) 5 >>> r array([ 2., , , , , ]) 7 >>> r ** 2 8 array([ 0., , , , , ]) 26 / 38

27 Universal (2) sin, cos math array array numpy 1 >>> import numpy as np 2 >>> import math 3 >>> r = np.linspace(0, 0.5 * math.pi, 6) 4 >>> math.sin(r) 5 Traceback (most recent call last): 6 File "<stdin>", line 1, in <module> 7 TypeError: only length-1 arrays can be converted to Python scalars 8 >>> np.sin(0.5 * math.pi) >>> np.sin(r) 11 array([ 0., , , , , 1. ]) 27 / 38

28 Contents 1 2 Visual Python 3 Numpy Scipy 4 Scipy 5 Matplotlib 28 / 38

29 Scipy etc.!! 29 / 38

30 Contents 1 2 Visual Python 3 Numpy Scipy 4 Scipy 5 Matplotlib 30 / 38

31 Matplotlib Visual,, ( ) Matplotlib, numpy array, + 31 / 38

32 Matplotlib,.. document : user s guide: Pyplot tutorial ( y = f(x) ) mplot3d (3D ) Gallery ( ) Plotting Command Summary ( ) 32 / 38

33 1 (y = f(x)) : matplotlib.pyplot, plot show, 1 import matplotlib.pyplot as plt 2 plt.plot(...) 3 plt.show(...) :, array, plot, show 1 import matplotlib.pyplot as plt 2 import numpy as np 3 x = np.arange(0, 10, 0.01) 4 y = np.sin(x) # universal 5 plt.plot(x, y) 6 plt.show() 33 / 38

34 3D 1 import matplotlib.pyplot as plt 2 fig = plt.figure() 3 ax = fig.add_subplot(,, ) 4 ax.plot(...) 5 fig.show(...) (3x2 ) 1 import matplotlib.pyplot as plt 2 fig = plt.figure() 3 ax0 = fig.add_subplot(3,2,1) # fig.add_subplot(321) 4 ax1 = fig.add_subplot(3,2,2) # fig.add_subplot(322) ax0.plot(...) 7 ax1.plot(...) fig.show(...) 34 / 38

35 : bar,,... etc. plot pyplot tutorial, gallery :. help 1 >>> import matplotlib.pyplot as plt 2 >>> help(plt.plot) 35 / 38

36 2 (z = f(x, y)) : 1 plot 2 1 pcolor ( ) 2 contour ( ) 3 etc. (gallery plotting command summary ) 2 (x i, y i, z i), x i, y i, z i 2 (x, y) [0, 2] [0, 3] x 2 y 2 1 import matplotlib.pyplot as plt 2 import numpy as np 3 X = np.array([[0,0,0,0],[1,1,1,1],[2,2,2,2]]) 4 Y = np.array([[0,1,2,3],[0,1,2,3],[0,1,2,3]]) 5 Z = X ** 2 - Y ** 2 # array([[0,-1,-4,-9],[1,0,-3,-8]]) 6 plt.pcolor(x, Y, Z) 7 plt.show() 36 / 38

37 2 (z = f(x, y)) np.meshgrid 1 import matplotlib.pyplot as plt 2 import numpy as np 3 X = np.array([0,1,2]) 4 Y = np.array([0,1,2,3]) 5 X,Y = np.meshgrid(x, Y) 6 Z = X ** 2 - Y ** 2 # array([[0,-1,-4,-9],[1,0,-3,-8]]) 7 plt.pcolor(x, Y, Z) 8 plt.show() 37 / 38

38 2 (z = f(x, y)) 3D : plot plot surface plot wireframe etc. 1 import matplotlib.pyplot as plt 2 import numpy as np 3 import mpl toolkits.mplot3d.axes3d 4 5 fig = plt.figure() 6 ax = fig.add_subplot(1,1,1, projection= 3d ) 7 X = np.linspace(0,1,11) # array([0,0.1,0.2,...,1.0]) 8 Y = np.linspace(0,1,11) 9 X,Y = np.meshgrid(x, Y) 10 Z = X ** 2 - Y ** 2 # array([[0,-1,-4,-9],[1,0,-3,-8]]) 11 ax.plot surface(x, Y, Z) 12 fig.show() 38 / 38

Visual Python, Numpy, Matplotlib

Visual Python, Numpy, Matplotlib Visual Python, Numpy, Matplotlib 1 / 57 Contents 1 2 Visual Python 3 Numpy Scipy 4 Scipy 5 Matplotlib 2 / 57 Contents 1 2 Visual Python 3 Numpy Scipy 4 Scipy 5 Matplotlib 3 / 57 3 Visual Python: 3D Numpy,

More information

1 matplotlib matplotlib Python matplotlib numpy matplotlib Installing A 2 pyplot matplotlib 1 matplotlib.pyplot matplotlib.pyplot plt import import nu

1 matplotlib matplotlib Python matplotlib numpy matplotlib Installing A 2 pyplot matplotlib 1 matplotlib.pyplot matplotlib.pyplot plt import import nu Python Matplotlib 2016 ver.0.06 matplotlib python 2 3 (ffmpeg ) Excel matplotlib matplotlib doc PDF 2,800 python matplotlib matplotlib matplotlib Gallery Matplotlib Examples 1 matplotlib 2 2 pyplot 2 2.1

More information

Python Speed Learning

Python   Speed Learning Python Speed Learning 1 / 89 1 2 3 4 (import) 5 6 7 (for) (if) 8 9 10 ( ) 11 12 for 13 2 / 89 Contents 1 2 3 4 (import) 5 6 7 (for) (if) 8 9 10 ( ) 11 12 for 13 3 / 89 (def) (for) (if) etc. 1 4 / 89 Jupyter

More information

Python Speed Learning

Python   Speed Learning Python Speed Learning 1 / 76 Python 2 1 $ python 1 >>> 1 + 2 2 3 2 / 76 print : 1 print : ( ) 3 / 76 print : 1 print 1 2 print hello 3 print 1+2 4 print 7/3 5 print abs(-5*4) 4 / 76 print : 1 print 1 2

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

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

2015 I ( TA)

2015 I ( TA) 2015 I ( TA) Schrödinger PDE Python u(t, x) x t 2 u(x, t) = k u(t, x) t x2 k k = i h 2m Schrödinger h m 1 ψ(x, t) i h ( 1 ψ(x, t) = i h ) 2 ψ(x, t) t 2m x Cauchy x : x Fourier x x Fourier 2 u(x, t) = k

More information

nakao

nakao Fortran+Python 4 Fortran, 2018 12 12 !2 Python!3 Python 2018 IEEE spectrum https://spectrum.ieee.org/static/interactive-the-top-programming-languages-2018!4 Python print("hello World!") if x == 10: print

More information

1 6/13 2 6/20 3 6/27 4 7/4 5 7/11 6 7/18 N 7 7/25 Warshall-Floyd, Bellman-Ford, Dijkstra TSP DP, 8/1 2 / 36

1 6/13 2 6/20 3 6/27 4 7/4 5 7/11 6 7/18 N 7 7/25 Warshall-Floyd, Bellman-Ford, Dijkstra TSP DP, 8/1 2 / 36 3 2016 6 27 1 / 36 1 6/13 2 6/20 3 6/27 4 7/4 5 7/11 6 7/18 N 7 7/25 Warshall-Floyd, Bellman-Ford, Dijkstra TSP DP, 8/1 2 / 36 1 2 3 3 / 36 4 / 36 os.urandom(n) n >>> import os >>> r = os.urandom(4) #

More information

‘îŁñ›È−wfiÁŁÊ”À„±I --Tensorflow‡ð”g‡Á‡½fl»ŁÊ›ð’Í--

‘îŁñ›È−wfiÁŁÊ”À„±I  --Tensorflow‡ð”g‡Á‡½fl»ŁÊ›ð’Í-- I Tensorflow 2018 10 31 ( ) ( ) Tensorflow 2018 10 31 ( ) 1 / 39 Tensorflow I Tensorflow Python Python(+Python Anaconda) Tensorflow Tensorflow 1 Anaconda Prompt 2 Anaconda Prompt (base) C:\Users\komori>conda

More information

07_dist_01.pdf.pdf

07_dist_01.pdf.pdf cos θ sin θ R(θ) = ( sin θ cos θ ) (xi+1, yi+1) θ (xi, yi) z R x (θ) = 1 0 0 0 cos θ sin θ 0 sin θ cos θ y R y (θ) = cos θ 0 sin θ 0 1 0 sin θ 0 cos θ x R z (θ) = cos θ sin θ 0 sin θ cos θ 0 0 0 1 指数増殖モデルのおさらい

More information

GIZMO ¤ÇÍ·¤ó¤Ç¤ß¤ë

GIZMO ¤ÇÍ·¤ó¤Ç¤ß¤ë GIZMO February 21, 2019 GIZMO February 21, 2019 1 / 17 GIZMO Users Guide URL http://www.tapir.caltech.edu/ phopkins/site/gizmo_files/gizmo_documentation.html /home/hydro00/gizmo_hydro2018.tar.gz GIZMO_hydro2018/practice

More information

num2.dvi

num2.dvi kanenko@mbk.nifty.com http://kanenko.a.la9.jp/ 16 32...... h 0 h = ε () 0 ( ) 0 1 IEEE754 (ieee754.c Kerosoft Ltd.!) 1 2 : OS! : WindowsXP ( ) : X Window xcalc.. (,.) C double 10,??? 3 :, ( ) : BASIC,

More information

or a 3-1a (0 b ) : max: a b a > b result a result b ( ) result Python : def max(a, b): if a > b: result = a else: result = b ret

or a 3-1a (0 b ) : max: a b a > b result a result b ( ) result Python : def max(a, b): if a > b: result = a else: result = b ret 4 2018.10.18 or 1 1.1 3-1a 3-1a (0 b ) : max: a b a > b result a result b result Python : def max(a, b): if a > b: result = a result = b return(result) : max2: a b result a b > result result b result 1

More information

( ) kadai4, kadai4.zip.,. 3 cos x [ π, π] Python. ( 100 ), x cos x ( ). (, ). def print cos(): print cos()

( ) kadai4, kadai4.zip.,. 3 cos x [ π, π] Python. ( 100 ), x cos x ( ). (, ). def print cos(): print cos() 4 2010.6 1 :, HP.. HP 4 (, PGM/PPM )., python,,, 2, kadai4,.,,, ( )., ( ) N, exn.py ( 3 ex3.py ). N 3.., ( )., ( ) N, (exn.txt).. 1 ( ) kadai4, kadai4.zip.,. 3 cos x [ π, π] Python. ( 100 ), x cos x (

More information

() x + y + y + x dy dx = 0 () dy + xy = x dx y + x y ( 5) ( s55906) 0.7. (). 5 (). ( 6) ( s6590) 0.8 m n. 0.9 n n A. ( 6) ( s6590) f A (λ) = det(a λi)

() x + y + y + x dy dx = 0 () dy + xy = x dx y + x y ( 5) ( s55906) 0.7. (). 5 (). ( 6) ( s6590) 0.8 m n. 0.9 n n A. ( 6) ( s6590) f A (λ) = det(a λi) 0. A A = 4 IC () det A () A () x + y + z = x y z X Y Z = A x y z ( 5) ( s5590) 0. a + b + c b c () a a + b + c c a b a + b + c 0 a b c () a 0 c b b c 0 a c b a 0 0. A A = 7 5 4 5 0 ( 5) ( s5590) () A ()

More information

スライド 1

スライド 1 (11-2) 2019.6.26 電気通信大学大学院情報理工学研究科末廣尚士 - 手先の軌道生成 ( 再掲 ) その都度, 逆運動学計算をするとは少し手間がかかる. 本当に必要か? 分割が小さければ, ニュートン ラフソン法で 収束 させる必要はないかもしれない. 2 - 直線軌道で分割する ( 再掲 ) 3 - 関節角の微少量をもとめる ( 再掲 ) 4 - 分解運動 ( 速度 ) 制御 ( 再掲

More information

: Shift-Return evaluate 2.3 Sage? Shift-Return abs 2 abs? 2: abs 3: fac

: Shift-Return evaluate 2.3 Sage? Shift-Return abs 2 abs? 2: abs 3: fac Bulletin of JSSAC(2012) Vol. 18, No. 2, pp. 161-171 : Sage 1 Sage Mathematica Sage (William Stein) 2005 2 2006 2 UCSD Sage Days 1 Sage 1.0 4.7.2 1) Sage Maxima, R 2 Sage Firefox Internet Explorer Sage

More information

計画の立て方1巻とびら.indd

計画の立て方1巻とびら.indd CONTENTS Lesson 1 Lesson 2 Lesson 3 Lesson 4 Lesson 5 Lesson 6 Lesson 7 Lesson 8 Summary 8 10 12 14 16 18 20 22 24 Lesson 1 Lesson 2 Lesson 3 Lesson 4 Lesson 5 Lesson 6 Summary 26 28 30 32 34 36 38 4 Lesson

More information

Python , Python 3 Python Python 1.1 Python 1 3 Mac OS Python Mac MacPorts sudo port install py35-numpy +openblas

Python , Python 3 Python Python 1.1 Python 1 3 Mac OS Python Mac MacPorts sudo port install py35-numpy +openblas Python 3 2016 2 23, 2018 1 7 1 1.1 Python 3 Python Python 1.1 Python 1 3 Mac OS Python 2.7 1 2 1.2 Mac MacPorts sudo port install py35-numpy +openblas sudo port install py35-scipy +openblas sudo port install

More information

Microsoft Word - GPM_read_program_guide_forPython_V5.1.docx

Microsoft Word - GPM_read_program_guide_forPython_V5.1.docx 2018/03/15 第 版 本書は全球降 観測衛星 (GPM) のデータを読み込むプログラム (Python) の作成 法についてまとめたものです 本書で解説するサンプルプログラムは GPM はプロダクトバージョン 5 GSMaP はプロダクトバージョン 4 で動作を確認しています 目次 1. はじめに... 3 2.GPM データの 法... 4 3. 関連 書 サンプルプログラムの 法...

More information

Python (2) 1 (random number) MVP[1] MCNP[2] Python 1. π Python Python (random number generator) ( ) (pseudorandom number) Lehmer (l

Python (2) 1 (random number) MVP[1] MCNP[2] Python 1. π Python Python (random number generator) ( ) (pseudorandom number) Lehmer (l Python (2) 1 (random number) MVP[1] MCNP[2] Python 1. π 2. 3. 1 4. 2 Python Python 2 2.1 (random number generator) ( ) (pseudorandom number) Lehmer (linear congruential generator)[3] 0 1 S i = (as i 1

More information

:56 1 (Forward kinematics) (Global frame) G r = (X, Y, Z) (Local frame) L r = (x, y, z) 1 X Y, Z X Y, Z 1 ( ) ( ) 1.2 (Joint rotati

:56 1 (Forward kinematics) (Global frame) G r = (X, Y, Z) (Local frame) L r = (x, y, z) 1 X Y, Z X Y, Z 1 ( ) ( ) 1.2 (Joint rotati 2013.09.21 17:56 1 (Forward kinematics) 1.1 2 (Global frame) G r (X, Y, Z) (Local frame) L r (x, y, z) 1 X Y, Z X Y, Z 1 ( ) ( ) 1.2 (Joint rotation) 3 P G r, L r G r L r Z α : G r Q L Z,α r (1) 1 G r

More information

Python入門:アプリケーションを作る

Python入門:アプリケーションを作る Python 入門 1 アプリケーションを作る 2 アプリケーションを作る前に 何をしたいのか 前提 手順 得られる結果 どういう手順なのか 手順を細かい手順に分解 ライブラリでは何ができるか どういうエラーがあり得るか 3 ファイル中の各単語の出現回数 を数える ファイルを開く :open() アルファベット以外の文字で分割 正規表現を利用 辞書構造を使って 単語と出現回数を登録 import re

More information

PowerPoint Presentation

PowerPoint Presentation 知能システム論 1 (3) 2009.4.21 情報システム学研究科情報メディアシステム学専攻知能システム学講座末廣尚士 - 講義資料の HP http://www.taka.is.uec.ac.jp/ から右のメニューの class をクリック または http://www.taka.is.uec.ac.jp/class200 9/class2009.html を直接入力 2. Python 入門

More information

RL_tutorial

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

More information

P-12 P-13 3 4 28 16 00 17 30 P-14 P-15 P-16 4 14 29 17 00 18 30 P-17 P-18 P-19 P-20 P-21 P-22

P-12 P-13 3 4 28 16 00 17 30 P-14 P-15 P-16 4 14 29 17 00 18 30 P-17 P-18 P-19 P-20 P-21 P-22 1 14 28 16 00 17 30 P-1 P-2 P-3 P-4 P-5 2 24 29 17 00 18 30 P-6 P-7 P-8 P-9 P-10 P-11 P-12 P-13 3 4 28 16 00 17 30 P-14 P-15 P-16 4 14 29 17 00 18 30 P-17 P-18 P-19 P-20 P-21 P-22 5 24 28 16 00 17 30 P-23

More information

2

2 from One 1 2 24 2 3 4 30 4 5 47 13 6 7 34 2 13 8 34.................................. 9 15-1-5 15-1-4 10 11 12 12 13 14 15 A ( 1) A A 2 B B 16 2 2 17 3 C C 18 3 19 ( ) 15 2 5 ( 56 2 16 20 2 5 ) (1) (2)

More information

FX ) 2

FX ) 2 (FX) 1 1 2009 12 12 13 2009 1 FX ) 2 1 (FX) 2 1 2 1 2 3 2010 8 FX 1998 1 FX FX 4 1 1 (FX) () () 1998 4 1 100 120 1 100 120 120 100 20 FX 100 100 100 1 100 100 100 1 100 1 100 100 1 100 101 101 100 100

More information

listings-ext

listings-ext (6) Python (2) ( ) ohsaki@kwansei.ac.jp 5 Python (2) 1 5.1 (statement)........................... 1 5.2 (scope)......................... 11 5.3 (subroutine).................... 14 5 Python (2) Python 5.1

More information

Ipython Notebook の紹介

Ipython Notebook の紹介 IPython Notebook の 紹 介 と cerlでの 利 用 計 画 2015/09/15 T. Obina KEKB 制 御 打 ち 合 わせ 導 入 を 検 討 した 動 機 :High Level Application リアルタイム 表 示 や 基 本 的 な 操 作 パネルは CSS でOK 高 レベルアプリケーションをどうするか??? 現 在 のcERL/PF/PF-ARでは

More information

スライド 1

スライド 1 (8) 2017.6.7 電気通信大学大学院情報理工学研究科末廣尚士 9. ロボットアームの逆運動学 ( 幾何 学的 ( 解析的 ) 解法 ) 何をしたいか 手首, 手先, ツールの 3 次元空間での位置や姿勢から, それを実現する関節角度を計算する. アームソリューション, アームの解とも呼ぶ 何のために たとえばビジョンで認識された物をつかむ場合, 物の位置 姿勢は 3 次元空間で表現されることが普通である.

More information

1.2.1 readline Python GNU readline Mac GPL GNU readline NetBSD editline Stand-alone readline module 1 readline py2.6-macosx-10.6-universal.egg

1.2.1 readline Python GNU readline Mac GPL GNU readline NetBSD editline Stand-alone readline module 1 readline py2.6-macosx-10.6-universal.egg Python 2012 12 24, 2017 12 10 1 1.1 Python 2010 Ruby ( ) Runge-Kutta MATLAB LAPACK Ruby Python MATLAB INTLAB Python 3 Python MATLAB Python 1.2 Mac (1) Mac OS X SciPy http://www.python. org/download/ python-2.7.3-macosx10.6.dmg

More information

untitled

untitled 20 7 1 22 7 1 1 2 3 7 8 9 10 11 13 14 15 17 18 19 21 22 - 1 - - 2 - - 3 - - 4 - 50 200 50 200-5 - 50 200 50 200 50 200 - 6 - - 7 - () - 8 - (XY) - 9 - 112-10 - - 11 - - 12 - - 13 - - 14 - - 15 - - 16 -

More information

untitled

untitled 19 1 19 19 3 8 1 19 1 61 2 479 1965 64 1237 148 1272 58 183 X 1 X 2 12 2 15 A B 5 18 B 29 X 1 12 10 31 A 1 58 Y B 14 1 25 3 31 1 5 5 15 Y B 1 232 Y B 1 4235 14 11 8 5350 2409 X 1 15 10 10 B Y Y 2 X 1 X

More information

...3 1-1...3 1-1...6 1-3...16 2....17...21 3-1...21 3-2...21 3-2...22 3-3...23 3-4...24...25 4-1....25 4-2...27 4-3...28 4-4...33 4-5...36...37 5-1...

...3 1-1...3 1-1...6 1-3...16 2....17...21 3-1...21 3-2...21 3-2...22 3-3...23 3-4...24...25 4-1....25 4-2...27 4-3...28 4-4...33 4-5...36...37 5-1... DT-870/5100 &DT-5042RFB ...3 1-1...3 1-1...6 1-3...16 2....17...21 3-1...21 3-2...21 3-2...22 3-3...23 3-4...24...25 4-1....25 4-2...27 4-3...28 4-4...33 4-5...36...37 5-1....39 5-2...40 5-3...43...49

More information

最近の粒子、流体の可視化事情

最近の粒子、流体の可視化事情 最近の粒子 流体の可視化事情 滝脇知也 ( 国立天文台 ) 可視化の例 国立天文台 4 次元デジタル宇宙プロジェクト提供 なぜ可視化するのか? A) 専門家むけ (1D,2D) 背後の物理を理解するため B) 非専門家むけ (3D) セットアップやダイナミクスを簡単に紹介するため C) 一般人むけ (3D) 研究の魅力を分かってもらうため予算獲得のため 用途によりツールや必要となる知識 技法も異なってくる

More information

2017/11/2 Python-statistics4 Python で統計学を学ぶ (4) この内容は 杉澤 村井 (2008) R によるやさしい統計学 (

2017/11/2 Python-statistics4 Python で統計学を学ぶ (4) この内容は 杉澤 村井 (2008) R によるやさしい統計学 ( Python で統計学を学ぶ (4) この内容は 杉澤 村井 (2008) R によるやさしい統計学 (http://shop.ohmsha.co.jp/shop/shopdetail.html?brandcode=000000001781&search=978-4-274-06710-5&sort=) を参考にしています この講義では 統計的仮説検定 をとりあげます これは 統計的仮説検定の 順の理解と

More information

Python C/C++ IPMU IRAF

Python C/C++ IPMU IRAF Python C/C++ IPMU 2010 11 24IRAF Python Swig Numpy array Image Python 2.6.6 swig 1.3.40 numpy 1.5.0 pyfits 2.3 pyds9 1.1 svn co hjp://svn.scipy.org/svn/numpy/tags/1.5.0/doc/swig swig/numpy.i /usr/local/share/swig/1.3.40/python

More information

PJta_h1h4_0329.ai

PJta_h1h4_0329.ai 0120-119-110 1-2-1 100-8050 http://www.tokiomarine-nichido.co.jp/ 24365 0120-691-300 98 http://www.tokiomarine-nichido.co.jp/ 201071 19 P.37 P.816 P.17 P.1819 contents 1 2 3 4 5 6 1 2 3 4 http://www.tokiomarine-nichido.co.jp/

More information

−ÈŁÛ05/‚æ4‘Í

−ÈŁÛ05/‚æ4‘Í CONTENTS 1. 50 2. 51 3. 52 52. 6 1 6 2 6 3 65 65 5. 66 6. 67 1 67 2 67 3 68 7. 69 8. 69 1 69 2 69 3 70 70 9. 71 9 1 50 2 51 52 3 53 5 55 56 57 58 59 60 61 62 63 1 2 6 3 65 5 66 6 1 2 67 3 68 7 8 1 2 69

More information

24_5章_01f

24_5章_01f CONTENTS p08 1 2 3 4 p14 p20 p24 p28 p40 03 04 05 4527,575 9 405,849 0.1 4,908 9405,849 17 790,361 74 3,331,365 6 243,400 34 1,554,738 51 2,318,680 161,853 122,460 9 410,863 163,253 3121,444 0.15,830 24

More information

untitled

untitled T O N E G U N 2012 S H I N K I N E R S U L O C S I D B A N K 1. 2. 3. CONTENTS 1. 2. 1. 2. 3. 4. 5. 02 03 04 05 17, 216 84362 1,63323 516 225 17 06 07 1,385 46 1 42 31 3.3% 2.2% 67.4% 08 09 10 1 3 2 1

More information

17 1721 42 47 63 1214 15 16 1718 47 6010 10 1316 1719 52 1417 1718 49 53 1315 1617 1719 47 49 11 1214 1718 52 54 11 13 2 No.1311 2005. 4. 13

17 1721 42 47 63 1214 15 16 1718 47 6010 10 1316 1719 52 1417 1718 49 53 1315 1617 1719 47 49 11 1214 1718 52 54 11 13 2 No.1311 2005. 4. 13 No.1311 2005.4.13 CONTENTS 17 1721 42 47 63 1214 15 16 1718 47 6010 10 1316 1719 52 1417 1718 49 53 1315 1617 1719 47 49 11 1214 1718 52 54 11 13 2 No.1311 2005. 4. 13 1617 1718 16 1718 10 12 16 13 1512

More information

名称未設定-1

名称未設定-1 Contents http://www.saitama-ctv-kyosai.net 2 250 554 810 13462 250 6318 7144 250 5710 7752 250 5078 8384 2 3201 32 3073 2 1478 1595 2 1382 1691 2 1382 1691 16535 8739 1 2 3 1 2 3 http://www.saitama-ctv-kyosai.net/

More information

<93FA967B8CEA2E706466>

<93FA967B8CEA2E706466> CONTENTS CONTENTS CONTENTS 1 2 1 1 2 2 22 2 2 2 2 28 2 2 1 2 6 2 7 2 2 1 2 1 2 11 1 2 22 2 2 2 2 1 2 2 2

More information

海外旅行_2007pdf版

海外旅行_2007pdf版 CONTENTS 03 10 14 19 21 25 29 35 39 A. 3 4 1 2 3 4 5 6 7 8 9 10 5 6 8 7 A. 9 10 12 11 l 13 14 15 16 17 18 A. 19 20 A. 21 22 23 24 A. 25 26 27 28 29 30 31 32 33 34 A. 35 36 37 38 http://www.forth.go.jp/

More information

オートバイの保険.indd

オートバイの保険.indd 201211 P.37 P.816 P.17 P.1819 contents 1 2 3 4 5 6 1 18 1 2 16 3 11 4 5 7 8 6 18 9 10 6 7 8 9 10 11 12 11 13 12 5 13 14 14 15 18 16 19 17 20 21 0120-071-281 0570-022808 15 16 3 4 1 0 0 0 0 0 4 1 2 17 18

More information