Introduction to Matlab Programming with Applications

Size: px
Start display at page:

Download "Introduction to Matlab Programming with Applications"

Transcription

1 1 >> Lecture 7 2 >> 3 >> -- Matrix Computation 4 >> Zheng-Liang Lu 333 / 410

2 Vectors ˆ Let R be the set of all real numbers. ˆ R m 1 denotes the vector space of all m-by-1 column vectors: u = (u i ) = u 1. u m ˆ Similarly, the row vector v R 1 n is. (1) v = (v i ) = [ v 1 v n ]. (2) Zheng-Liang Lu 334 / 410

3 Matrices ˆ R m n denotes the vector space of all m-by-n real matrices A: a 11 a 1n A = (a ij ) = a m1 a mn ˆ Recall that we use the subscripts to reference a particular element in a matrix. ˆ The definition for complex matrices is similar. Zheng-Liang Lu 335 / 410

4 Transposition ˆ transpose(a) returns the transpose of A. 1 >> A = magic(4) % a special matrix provided by Matlab 2 >> transpose(a) ˆ You can also transpose A by 1 >> A' ˆ Note that if A C m n, then A returns the transposition and complex conjugate 1 of A. 1 z = a + bi has a complex conjugate z = a bi. Zheng-Liang Lu 336 / 410

5 Arithmetic Operations ˆ Let a ij and b ij be the elements of the matrices A and B R m n for 1 i m and 1 j n, respectively. ˆ Then C = A ± B can be calculated by c ij = a ij ± b ij. (Try.) Zheng-Liang Lu 337 / 410

6 ˆ Let u, v R m 1. Inner Product 2 ˆ Then the inner product, denoted by u v, is calculated by u T v = [u 1 u m ] where T is the transposition operator. v 1. v m, ˆ Inner product is also called projection project for emphasizing the geometric significance. 2 Akaa dot product and scalar product. Zheng-Liang Lu 338 / 410

7 Example 1 clear; clc; 2 3 x = [1; 2; 3]; 4 y = [4; 5; 6]; 5 z = 0; 6 for i = 1 : 3 7 z = z + x(i) * y(i); 8 end 9 z % by definition; using a for loop 10 x' * y % normal way 11 dot(x, y) % using built-in function Zheng-Liang Lu 339 / 410

8 Exercise ˆ Let u and v be any two vectors in R m 1. ˆ Write a program that returns the angle between u and v. Input: u, v Output: θ in radian ˆ You may use norm(u) to calculate the length of u. 3 ˆ Alternatively, use subspace(u, v). 3 See Zheng-Liang Lu 340 / 410

9 Generalization of Inner Product ˆ For simplicity, consider x R. ˆ Let f (x) be a real-valued function. ˆ Let g(x) be a basis function. 4 ˆ Then we can define the inner product of f and g on [a, b] by f, g = b a f (x)g(x)dx. ˆ There exist plenty of basis functions which can be used to represent the functions. 5 4 See 5 See and Zheng-Liang Lu 341 / 410

10 ˆ For example, Fourier transform is widely used in engineering and science. ˆ Fourier integral 6 is defined as F (ω) = f (t)e iωt dt where f (t) is a square-integrable function. ˆ The Fast Fourier transform (FFT) algorithm computes the discrete Fourier transform (DFT) in O(n log n) time. 7,8 6 See 7 Cooley and Tukey (1965). 8 See Zheng-Liang Lu 342 / 410

11 Cross Product 10 ˆ cross(u, v) returns the cross product of the vectors x and y of length 3. 9 ˆ For example, 1 >> x = [1; 0; 0]; 2 >> y = [0; 1; 0]; 3 >> z = cross(x, y) % built-in function 4 5 z = Actually, only in 3- and 7-dimensional Euclidean spaces. 10 For example, angular momentum, Lorentz force, and Poynting vector. Zheng-Liang Lu 343 / 410

12 Zheng-Liang Lu 344 / 410

13 Matrix Multiplication ˆ Let A R m q and B R q n. ˆ Then C = A B is given by c ij = ˆ For example, q a ik b kj. (3) k=1 Zheng-Liang Lu 345 / 410

14 Example 1 clear; clc; 2 3 A = randi(10, 5, 4); 4 B = randi(10, 4, 3); 5 C = zeros(size(a, 1), size(b, 2)); 6 for i = 1 : size(a, 1) 7 for j = 1 : size(b, 2) 8 for k = 1 : size(a, 2) 9 C(i, j) = C(i, j) + A(i, k) * B(k, j); 10 end 11 end 12 end 13 C ˆ Time complexity: O(n 3 ) ˆ Strassen (1969): O(n ) ˆ Coppersmith and Winograd (2010): O(n ) Zheng-Liang Lu 346 / 410

15 Matrix Exponentiation ˆ Raising a matrix to a power is equivalent to repeatedly multiplying the matrix by itself. ˆ For example, A 2 = A A. ˆ It implies that A should be square. (Why?) ˆ The matrix exponential 11 is a matrix function on square matrices analogous to the ordinary exponential function. ˆ More explicitly, e A A n = n!. ˆ However, raising a matrix to a matrix power, that is, A B, is undefined. n=0 11 See matrix exponentials and Pauli matrices. Zheng-Liang Lu 347 / 410

16 Example ˆ Be aware that exp(a) and exp(1) A are different for any square matrix A. 1 clear; clc; 2 3 A = [0 1; 1 0]; 4 a = exp(1) ˆ A 5 b = eye(size(a)); 6 for n = 1 : 10 7 b = b + X ˆ n / factorial(n); 8 end 9 b 10 c = exp(a) % different? Zheng-Liang Lu 348 / 410

17 1 a = b = c = ˆ Use expm(a) and logm(a) for square A. Zheng-Liang Lu 349 / 410

18 Determinants ˆ det(a) denotes the determinant of the square matrix A. [ ] a b ˆ Recall that if A =, then det(a) = ad bc. c d ˆ The function det(a) returns the determinant of A. ˆ For example, 1 >> A = magic(3); 2 >> det(a) ˆ However, the general formula 12 is somehow complicated. 12 See Zheng-Liang Lu 350 / 410

19 Recursive Algorithm for det 1 function y = mydet(a) 2 [r, c] = size(a); 3 if r == c % check r == c? 4 if c == 1 5 y = A; 6 elseif c == 2 7 y = A(1, 1) * A(2, 2) - A(1, 2) *... A(2, 1); 8 else 9 y = A(1, 1) * mydet(a(2 : c, 2 : c)); 10 for i = 2 : c y = y + A(1, i) * (-1) ˆ (i + 1)... * mydet(a(2 : c, [1 : i - 1, i : c])); 12 end 13 y = y + A(1, c) * (-1) ˆ (c + 1) *... mydet(a(2 : c, 1 : c - 1)); Zheng-Liang Lu 351 / 410

20 14 end 15 else 16 error('should be a square matrix.') 17 end 18 end ˆ Clearly, there are n! terms in the calculation. ˆ This algorithm runs in O(2 n n 2 ) time! ˆ An efficient calculation of determinants can be done by LU decomposition which runs in O(n 3 ) time See LU decomposition, QR factorization, and Cholesky factorization. Zheng-Liang Lu 352 / 410

21 Inverse Matrices ˆ A R n n is invertible if there exists B R n n such that A B = B A = I n, where I n denotes the n-by-n identity matrix. ˆ You can use eye(n) to generate an identity matrix I n. ˆ A is invertible if and only if det(a) 0. ˆ The function inv(a) returns the inverse of A. Zheng-Liang Lu 353 / 410

22 ˆ For example, 1 >> A = pascal(4); % Pascal matrix 2 >> B = inv(a) ˆ However, inv(a) may return a result even if A is ill-conditioned. 14 ˆ For example, det = Try rcond. Zheng-Liang Lu 354 / 410

23 First-Order Approximation 16 ˆ Let f (x) be a nonlinear function which is infinitely differentiable at x 0. ˆ By Taylor s expansion 15, we have f (x) f (x 0 ) + f (x 0 )(x x 0 ) + O( x 2 ), where x 2 is the higher-order term, which can be neglected as x x 0. ˆ So a nonlinear function can be reduced by its first-order approximation. 15 See 16 For example, the Newtonian equation is only a low-speed approximation to Einstein s total energy, given by E = m 0c 1 (v/c) 2, where m0 is the rest mass and 2 v is the velocity relative to the inertial coordinate. By applying the first-order approximation, E m 0c mv 2. 2 Zheng-Liang Lu 355 / 410

24 System of Linear Equations ˆ A system of linear equations is a set of linear equations involving the same set of variables. ˆ For example, nodal analysis by Kirchhoff s Laws. Zheng-Liang Lu 356 / 410

25 ˆ A general system of m linear equations with n unknowns can be written as a 11 x 1 +a 12 x 2 +a 1n x n = b 1 a 21 x 1 +a 22 x 2 +a 2n x n = b =. a m1 x 1 +a m2 x 2 +a mn x n = b m where x 1,..., x n are unknowns, a 11,..., a mn are the coefficients of the system, and b 1,..., b m are the constant terms. Zheng-Liang Lu 357 / 410

26 ˆ Hence we can rewrite the system of linear equations as a matrix equation, given by Ax = b. where a 11 a 12 a 1n a 21 a 22 a 2n A =......, a m1 a m2 a mn x = x 1. x n, and b = b 1. b m. Zheng-Liang Lu 358 / 410

27 Solving General System of Linear Equations ˆ Let x be the column vector with n independent variables and m constraints. 17 ˆ If m = n, then there exists the unique solution. 18 ˆ If m > n, then there is no exact solution. ˆ Fortunately, we can find a least-squares error solution such that Ax b 2 is minimal. (See the next page.) ˆ If m < n, then there are infinitely many solutions. ˆ We can calculate the inverse by simply using the left matrix divide operator (\) or mldivide like this: x = A\b. 17 Assume that they are linearly independent. 18 Equivalently, rank(a) = rank([a, b]). Also see Cramer s rule. Zheng-Liang Lu 359 / 410

28 Unique Solution (m = n) ˆ For example, 3x +2y z = 1 x y +2z = 1 2x +y 2z = 0 1 >> A = [3 2-1; 1-1 2; ]; 2 >> b = [1; -1; 0]; 3 >> x = A \ b Zheng-Liang Lu 360 / 410

29 Overdetermined System (m > n) ˆ For example, 2x y = 2 x 2y = 2 x +y = 1 1 >> A=[2-1; 1-2; 1 1]; 2 >> b=[2; -2; 1]; 3 >> x = A \ b Zheng-Liang Lu 361 / 410

30 ˆ For example, Underdetermined System (m < n) { x +2y +3z = 7 4x +5y +6z = 8 1 >> A = [1 2 3; 4 5 6]; 2 >> b = [7; 8]; 3 >> x = A \ b % (Why?) ˆ Note that this solution is a basic solution, one of infinitely many. ˆ How to find the directional vector? Zheng-Liang Lu 362 / 410

31 Gaussian Elimination ˆ Recall the procedure of Gaussian Elimination in high school. ˆ Now we proceed to write a program which solves the following simultaneous equations: 3x +2y z = 1 x y +2z = 1 2x +y 2z = 0 ˆ Then we have x = 1, y = 2, and z = 2. Zheng-Liang Lu 363 / 410

32 ˆ Suppose det(a) 0. ˆ Form an upper triangular matrix 1 ā 12 ā 1n 0 1 ā 2n Ā =.. 1. with b = where ā ij s and b i s are the values after math. b 1 b 2. b n, ˆ Use a backward substitution to determine the solution vector x by where i = 1, 2,, n. x i = b i n j=i+1 ā ij x j, Zheng-Liang Lu 364 / 410

33 Solution 1 clear; clc; 2 3 A = [3 2-1; 1-1 2; ]; 4 b = [1; -1; 0]; 5 A \ b % check the answer 6 7 if det(a) ~= 0 8 for i = 1 : 3 9 for j = i : 3 10 % cannot be interchanged % 11 b(j) = b(j) / A(j, i); 12 A(j, :) = A(j, :) / A(j, i); 13 % % % % % % % % % % % % % % 14 end 15 for j = i + 1 : 3 16 A(j, :) = A(j, :) - A(i, :); 17 b(j) = b(j) - b(i); Zheng-Liang Lu 365 / 410

34 18 end 19 end 20 x = zeros(3, 1); 21 for i = 3 : -1 : 1 22 x(i) = b(i); 23 for j = i + 1 : 1 : 3 24 x(i) = x(i) - A(i, j) * x(j); 25 end 26 end 27 else 28 disp('no unique solution.'); 29 end 30 x Zheng-Liang Lu 366 / 410

35 Exercise ˆ Write a program which solves a general system of linear equations. ˆ The function rank(a) provides an estimate of the number of linearly independent rows or columns of A. 19 ˆ Check if rank(a) = rank([a, b]). ˆ If so, then there is at least one solution. ˆ If not, then there is no solution. ˆ The function rref([a, b]) produces the reduced row echelon form of A. 19 rank(a) min{r, c} where r and c are the numbers of rows and columns. Zheng-Liang Lu 367 / 410

36 Zheng-Liang Lu 368 / 410

37 Solution 1 function y = linearsolver(a, b) 2 3 if rank(a) == rank([a, b]) % argumented matrix 4 if rank(a) == size(a, 2); 5 disp('exact one solution.') 6 x = A \ b 7 else 8 disp('infinite numbers of solutions.') 9 rref([a b]) 10 end 11 else 12 disp('there is no solution. (Only least... square solutions.)') 13 end Zheng-Liang Lu 369 / 410

38 Example: 2D Laplace s Equation for Electrostatics ˆ Laplace s equation 20 is one of 2nd-order partial differential equations (PDEs). 21 ˆ Let Φ(x, y) be an electrical potential, which is a function of x, y R. ˆ Consider 2 Φ(x, y) = 0, where 2 = is the Laplace operator. x 2 y 2 ˆ Solving Laplace s equation in practical applications often requires numerical methods. 20 Pierre-Simon Laplace ( ). 21 See Zheng-Liang Lu 370 / 410

39 Rectangular Trough Zheng-Liang Lu 371 / 410

40 Extremely Simple Assumption ˆ First, we can partition the region into many subregions by a proper mesh generation. ˆ If Φ(x, y) satisfies the Laplace s equation, then Φ(x, y) can be approximated by Φ(x, y) Φ(x + ɛ, y) + Φ(x ɛ, y) + Φ(x, y + ɛ) + Φ(x, y ɛ), 4 where ɛ is a small distance compared with the system size. Zheng-Liang Lu 372 / 410

41 V5 V10 V15 V20 V V4 V9 V14 V19 V V3 V8 V13 V18 V V2 V7 V12 V17 V V1 V V11 V16 V21 Zheng-Liang Lu 373 / 410

42 Reformulation ˆ Consider the boundary condition: ˆ V 1 = V 2 = = V 4 = 0 ˆ V 21 = V 22 = = V 24 = 0 ˆ V 1 = V 6 = = V 16 = 0 ˆ V 5 = V 10 = = V 25 = 100 ˆ Now define x = [ V 7 V 8 V 9 V 12 V 13 V 14 V 17 V 18 V 19 ] T where T is the transposition operator. Zheng-Liang Lu 374 / 410

43 ˆ Then we form Ax = b where A = and b = [ ] T. ˆ As you can see that V 7 = V 17, V 8 = V 18 and V 9 = V 19 due to the spatial symmetry, the dimension of A can be reduced to 6! (Try.) Zheng-Liang Lu 375 / 410

44 1 clear; clc; close all; 2 3 a = 1; b = 1; n = 5; V0 = 100; 4 5 x = linspace(0, a, 5); 6 y = linspace(0, b, 5); 7 [X Y] = meshgrid(x, y); 8 9 figure; hold on; grid on; 10 plot(x, Y, 'k.', 'markersize', 24); 11 for i = 1 : length(x) 12 for j = 1 : length(y) 13 text(x(n * (i - 1) + j), Y(n * (i - 1) +... j) , sprintf('v%d', n * (i - 1)... + j)); 14 end 15 end % boundary condition Zheng-Liang Lu 376 / 410

45 18 phi = zeros(1, length(x) * length(y)); 19 phi(5 : 5 : 25) = 100; A = [ ; ; ; ; ; ]; 27 bb = [0; 0; 100; 0; 0; 100]; % inverse of the matrix 30 v = A \ bb; % generate the solution matrix 33 phi([7 8 9]) = v(1 : 3); 34 phi([ ]) = phi([7 8 9]); 35 phi([ ]) = v(4 : 6); phi = reshape(phi, 5, 5); 38 for i = 1 : length(y) Zheng-Liang Lu 377 / 410

46 39 for j = 1 : length(x) 40 h = text(x(n * (i - 1) + j), Y(n * (i ) + j) , sprintf('%7.4f',... phi(j, i))); 41 set(h, 'color', 'r'); 42 end 43 end figure; hold on; grid on; 46 contour(x, Y, phi); colorbar; ˆ This is a toy example for numerical methods. ˆ You may consider Finite Difference Method (FDM) and Finite Element Method (FEM), both widely used in commercial simulation softwares! 22 ˆ Besides, the mesh generation is also important for numerical methods Read 23 See Zheng-Liang Lu 378 / 410

47 Zheng-Liang Lu 379 / 410

48 Method of Least Squares ˆ The first clear and concise exposition of the method of least squares was published by Legendre in ˆ In 1809, Gauss published his method of calculating the orbits of celestial bodies. ˆ The method of least squares is a standard approach to the approximate solution of overdetermined systems, that is, sets of equations in which there are more equations than unknowns. 24 ˆ To obtain the coefficient estimates, the least-squares method minimizes the summed square of residuals. 24 Aka degrees of freedom. Zheng-Liang Lu 380 / 410

49 ˆ Let {ŷ i } n i=1 be the observed response values and {y i} n i=1 be the fitted response values. ˆ Let ɛ i = ŷ i y i be the residual for i = 1,..., n. ˆ Then the sum of square error estimates associated with the data is given by n S = ɛ 2 i. i=1 Zheng-Liang Lu 381 / 410

50 Illustration Zheng-Liang Lu 382 / 410

51 Linear Least Squares ˆ In the sense of linear least squares, a linear model is said to be an equation which is linear in the coefficients. ˆ Now we choose a linear equation, y = ax + b, where a and b are to be determined. ˆ So ɛ i = (ax i + b) ŷ i and then S = n ((ax i + b) ŷ i ) 2. i=1 ˆ The coefficient a and b can be determined by differentiating S with respect to each parameter, and setting the result equal to zero. (Why?) Zheng-Liang Lu 383 / 410

52 ˆ More explicitly, S n a = 2 x i (y i (ax i + b)) = 0, i=1 S n b = 2 (y i (ax i + b)) = 0. i=1 ˆ So the aforesaid equations are reorganized as a n xi 2 i=1 a n + b x i = i=1 n x i + nb = n x i y i, i=1 i=1 i=1 n y i. Zheng-Liang Lu 384 / 410

53 ˆ In form of matrices, [ n i=1 x i 2 n i=1 x i n i=1 x i n ˆ So we have ] [ a b ] = [ n i=1 x iy i n i=1 y i ]. a = n n i=1 x iy i n i=1 x n i i=1 y i n n i=1 x i 2 ( n i=1 x i) 2 = cov(x, y) cov(x), where cov(x, y) denotes the covariance between x = {x i } n i=1 and y = {y i } n i=1. ˆ Then we have b = 1 n n ( y i a i=1 n x i ). i=1 Zheng-Liang Lu 385 / 410

54 Example: Circle Fitting ˆ Consider a set of data points surrounding some center. ˆ Now the coordinates of the circle center and also the radius are desired. ˆ This needs to estimate 3 unknowns: (x c, y c ) and r > 0. ˆ Recall that a circle equation is (x x c ) 2 + (y y c ) 2 = r 2. ˆ The above equation can be equivalent to 2xx c + 2yy c + z = x 2 + y 2, where z = r 2 x 2 c + y 2 c. Zheng-Liang Lu 386 / 410

55 ˆ For a set of data points (x i, y i ), i = 1, 2, 3,..., N, this rearranged equation can be written in matrix form Aw = b, where 2x 1 2y 1 1 x c x1 2 A =....., w = y c + y 2 1, b =.. 2x N 2y N 1 z xn 2 + y N 2 Zheng-Liang Lu 387 / 410

56 1 clear; clc; close all; 2 3 N = 100; 4 theta = 2 * pi * rand(1, N); 5 xcc = 5; 6 ycc = 3; 7 rcc = 10; 8 9 x = xcc + rcc * cos(theta) + randn(1, N) * 0.5; 10 y = ycc + rcc * sin(theta) + randn(1, N) * 0.5; xt = x - mean(x); 13 yt = y - mean(y); 14 distance = sqrt(xt.ˆ 2 + yt.ˆ 2) 15 maxr = max(distance); xt = xt / maxr; 18 yt = yt / maxr; 19 distance = distance / maxr; Zheng-Liang Lu 388 / 410

57 20 21 A = [2 * xt', 2 * yt', ones(n, 1)]; 22 b = (distance.ˆ 2)'; % v = [xc; yc; z] 25 v = A \ b 26 r = sqrt(v(3) + v(1) ˆ 2 + v(2) ˆ 2) * maxr 27 xc = v(1) * maxr + mean(x) 28 yc = v(2) * maxr + mean(y) figure; plot(x, y, 'o'); 31 hold on; grid on; axis equal; theta = linspace(0, 2 * pi, 100); 34 x = xc + r * cos(theta ); 35 y = yc + r * sin(theta ); 36 plot(x, y, 'r-'); Zheng-Liang Lu 389 / 410

58 Zheng-Liang Lu 390 / 410

59 Polynomials 25 ˆ In fact, all polynomials of n-th order with addition and multiplication to scalars form a vector space, denoted by P n. ˆ In general, f (x) is said to be a polynomial of n-order provided that f (x) = a n x n + a n 1 x n a 0, where a n 0. ˆ It is convenient to express a polynomial by a coefficient vector (a n, a n 1,..., a 0 ), where the elements are the coefficients of the polynomial in descending order. 25 Weierstrass approximation theorem states that every continuous function defined on a closed interval [a, b] can be uniformly approximated as closely as desired by a polynomial function. See Zheng-Liang Lu 391 / 410

60 Arithmetic Operations ˆ P 1 + P 2 returns the addition of two polynomials. ˆ P 1 P 2 returns the subtraction of two polynomials. ˆ The function conv(p 1, P 2 ) returns the resulting coefficient vector for multiplication of the two polynomials P 1 and P ˆ The function [Q, R] = deconv(b, A) deconvolves vector A out of vector B. ˆ Equivalently, B = conv(a, Q) + R. ˆ This is so-called Euclidean division algorithm. ˆ The function polyval(p, X ) returns the values of a polynomial P evaluated at x X. 26 See Convolution. Zheng-Liang Lu 392 / 410

61 1 clear; clc; 2 3 p1 = [ ]; 4 p2 = [ ]; 5 %%% addition 6 p3 = p1 + p2 7 %%% substraction 8 p4 = p1 - p2 9 %%% multiplcaition 10 p5 = conv(p1, p2) 11 %%% division: q is quotient and r is remainder 12 [q, r] = deconv(p1, p2) 13 x = -1 : 0.1 : 1; 14 plot(x, polyval(p1, x), 'o', x, polyval(p2, x),... '*', x, polyval(p5, x), 'd'); 15 grid on; legend('p1', 'p2', 'conv(p1, p2)'); Zheng-Liang Lu 393 / 410

62 30 p1 p2 conv(p1,p2) Zheng-Liang Lu 394 / 410

63 Roots Finding ˆ The function roots(p) returns a vector whose elements are all roots of the polynomial P. 27 ˆ For example, 1 clear; clc; 2 3 p = [1, 3, 1, 5, -1]; 4 r = roots(p) 5 x = -4 : 0.1 : 1; 6 plot(x, polyval(p, x), '--'); hold on; grid on; 7 for i = 1 : length(r) 8 if isreal(r(i)) == 1 9 plot(r, polyval(p, r(i)), 'ro'); 10 end 11 end 12 polyval(p, r) 27 See Zheng-Liang Lu 395 / 410

64 1 >> r = i i >> ans = e-013 * i i 15 0 ˆ Why not exactly zero? Zheng-Liang Lu 396 / 410

65 Zheng-Liang Lu 397 / 410

66 Exercise: Internal Rate of Return (IRR) ˆ Given a collection of pairs (time, cash flow) involved in a project, the IRR is a rate of return when the net present value is zero. ˆ Explicitly, the IRR can be calculated by solving N n=0 C n (1 + r) n = 0, where C n is the cash flow at time n. ˆ For example, consider an investment may be given by the sequence of cash flows: C 0 = , C 1 = 36200, C 2 = 54800, C 3 = ˆ Then the IRR is 5.96%. Zheng-Liang Lu 398 / 410

67 Forming Polynomials ˆ The function poly(v ), where V is a vector, returns a vector whose elements are the coefficients of the polynomial whose roots are the elements of V. ˆ Simply put, the function roots and poly are inverse functions of each other. Zheng-Liang Lu 399 / 410

68 Example 1 clear; clc; 2 3 v = [0.5 sqrt(2) 3]; 4 y = 1; 5 for i = 1 : 3 6 y = conv(y, [1 -v(i)]); 7 end 8 y 9 10 poly(v) Zheng-Liang Lu 400 / 410

69 Integral and Derivative of Polynomials ˆ The function polyder(p) returns the derivative of the polynomial whose coefficients are the elements of vector P in descending powers. ˆ The function polyint(p, K) returns a polynomial representing the integral of polynomial P, using a scalar constant of integration K. 1 clear; clc; 2 3 p = [ ]; 4 p der = polyder(p) 5 p int = polyint(p, 0) % assume K = 0 Zheng-Liang Lu 401 / 410

70 Exercise ˆ Consider f (x) = 4x 3 + 3x 2 + 2x + 1 for x R. ˆ Determine the coefficients of its derivative f and integration F (x) = x 0 f (t)dt. ˆ Do not use the built-in functions. Zheng-Liang Lu 402 / 410

71 1 clear; clc; 2 3 p = [ ]; 4 K = 0; 5 q1 = zeros(1, length(p)); 6 for i = 2 : length(p) q1(i) = p(i - 1) * (length(p) - (i - 1)); 8 end 9 q q2 = zeros(1, length(p) + 1); 12 q2(length(q2)) = K; 13 for i = 1 : length(p) 14 q2(i) = 1 / (length(p) - i + 1) * p(i); 15 end 16 q2 Zheng-Liang Lu 403 / 410

72 Curve Fitting by Polynomials ˆ The function polyfit(x, y, n) returns the coefficients for a polynomial p(x) of degree n that is a best fit (in a least-squares sense) for the data in y. Zheng-Liang Lu 404 / 410

73 Example 1 clear; clc; close all; 2 3 x = linspace(0, 1, 10); 4 y = cos(rand(1, length(x)) * pi / 2) + x.ˆ 2; 5 figure; hold on; grid on; plot(x, y, 'o'); 6 7 color = 'rgbck'; 8 x = linspace(0, 1, 100); 9 for i = 1 : 5 10 p = polyfit(x, y, i); 11 plot(x, polyval(p, x ), color(i)); 12 end 13 p A = [x'.ˆ 5, x'.ˆ 4, x'.ˆ 3, x'.ˆ 2, x'.ˆ 1,... ones(10, 1)]; 16 b = y'; 17 pp = A \ b Zheng-Liang Lu 405 / 410

74 Overfitting Zheng-Liang Lu 406 / 410

75 Occam s Razor Entities must not be multiplied beyond necessity. Duns Scotus ˆ In science, Occam s razor is used as a heuristic to guide scientists in developing theoretical models rather than as an arbiter between published models. ˆ Among competing hypotheses, the one with the fewest assumptions should be selected. ˆ For example, Runge s phenomenon is a problem of oscillation at the edges of an interval that occurs when using polynomial interpolation with polynomials of high degree over a set of equispaced interpolation points See s_phenomenon. Zheng-Liang Lu 407 / 410

76 Eigenvalues and Eigenvectors 29 ˆ Let A be a square matrix. ˆ Then v is an eigenvector associated with the eigenvalue λ if ˆ Equivalently, Av = λv. (A λi )v = 0. ˆ For nontrivial vectors v, det(a λi ) = 0. ˆ The above equation is the so-called characteristic polynomial, whose roots are actually eigenvalues! ˆ Use eig(a) to derive the eigenvalues associated with eigenvectors for the matrix A. 29 See eigenvectors#applications. Zheng-Liang Lu 408 / 410

77 Singular Value Decomposition (SVD) 30 ˆ Let A m n be a matrix. ˆ Then σ is called one singular value associated with the singular vectors u R m 1 and v R n 1 for A provided that { Av = σu, A T u = σv. ˆ We further have { AV = UΣ, A T U = V Σ, where U and V are both unitary, and the diagonal terms in Σ are σ s, 0 s in off-diagonal terms. ˆ You may use the built-in function svd. 30 See Zheng-Liang Lu 409 / 410

78 Example: Low-rank Approximation for Image Compression ˆ This idea originates from Principal Component Analysis (PCA). 31 ˆ Use svd to calculate the principal components of the input image. ˆ Then we can have an image extremely similar to the origin one, but with a smaller image size by keeping the vectors associated with a few first largest of principal components. 31 See PCA-Tutorial-Intuition_jp.pdf and Zheng-Liang Lu 410 / 410

Introduction to Matlab Programming with Applications

Introduction to Matlab Programming with Applications 1 >> Lecture 7 2 >> 3 >> -- Matrix Computation 4 >> Zheng-Liang Lu 297 / 343 Vectors ˆ Let R be the set of all real numbers. ˆ R m 1 denotes the vector space of all m-by-1 column vectors: u = (u i ) =

More information

Introduction to Matlab Programming with Applications

Introduction to Matlab Programming with Applications 1 >> Lecture 7 2 >> 3 >> -- Matrix Computation 4 >> Zheng-Liang Lu 283 / 334 Vectors ˆ Let R be the set of all real numbers. ˆ R n denotes the vector space of all m-by-1 column vectors: u = (u i ) = u

More information

ENGG1410-F Tutorial 6

ENGG1410-F Tutorial 6 Jianwen Zhao Department of Computer Science and Engineering The Chinese University of Hong Kong 1/16 Problem 1. Matrix Diagonalization Diagonalize the following matrix: A = [ ] 1 2 4 3 2/16 Solution The

More information

Introduction to Hamilton-Jacobi Equations and Periodic Homogenization

Introduction to Hamilton-Jacobi Equations  and Periodic Homogenization Introduction to Hamilton-Jacobi Equations and Periodic Yu-Yu Liu NCKU Math August 22, 2012 Yu-Yu Liu (NCKU Math) H-J equation and August 22, 2012 1 / 15 H-J equations H-J equations A Hamilton-Jacobi equation

More information

untitled

untitled 數 Quadratic Equations 數 Contents 錄 : Quadratic Equations Distinction between identities and equations. Linear equation in one unknown 3 ways to solve quadratic equations 3 Equations transformed to quadratic

More information

untitled

untitled Co-integration and VECM Yi-Nung Yang CYCU, Taiwan May, 2012 不 列 1 Learning objectives Integrated variables Co-integration Vector Error correction model (VECM) Engle-Granger 2-step co-integration test Johansen

More information

Stochastic Processes (XI) Hanjun Zhang School of Mathematics and Computational Science, Xiangtan University 508 YiFu Lou talk 06/

Stochastic Processes (XI) Hanjun Zhang School of Mathematics and Computational Science, Xiangtan University 508 YiFu Lou talk 06/ Stochastic Processes (XI) Hanjun Zhang School of Mathematics and Computational Science, Xiangtan University hjzhang001@gmail.com 508 YiFu Lou talk 06/04/2010 - Page 1 Outline 508 YiFu Lou talk 06/04/2010

More information

Microsoft PowerPoint - STU_EC_Ch02.ppt

Microsoft PowerPoint - STU_EC_Ch02.ppt 樹德科技大學資訊工程系 Chapter 2: Number Systems Operations and Codes Shi-Huang Chen Sept. 2010 1 Chapter Outline 2.1 Decimal Numbers 2.2 Binary Numbers 2.3 Decimal-to-Binary Conversion 2.4 Binary Arithmetic 2.5

More information

Untitled-3

Untitled-3 SEC.. Separable Equations In each of problems 1 through 8 solve the given differential equation : ü 1. y ' x y x y, y 0 fl y - x 0 fl y - x 0 fl y - x3 3 c, y 0 ü. y ' x ^ y 1 + x 3 x y 1 + x 3, y 0 fl

More information

(baking powder) 1 ( ) ( ) 1 10g g (two level design, D-optimal) 32 1/2 fraction Two Level Fractional Factorial Design D-Optimal D

(baking powder) 1 ( ) ( ) 1 10g g (two level design, D-optimal) 32 1/2 fraction Two Level Fractional Factorial Design D-Optimal D ( ) 4 1 1 1 145 1 110 1 (baking powder) 1 ( ) ( ) 1 10g 1 1 2.5g 1 1 1 1 60 10 (two level design, D-optimal) 32 1/2 fraction Two Level Fractional Factorial Design D-Optimal Design 1. 60 120 2. 3. 40 10

More information

BC04 Module_antenna__ doc

BC04 Module_antenna__ doc http://www.infobluetooth.com TEL:+86-23-68798999 Fax: +86-23-68889515 Page 1 of 10 http://www.infobluetooth.com TEL:+86-23-68798999 Fax: +86-23-68889515 Page 2 of 10 http://www.infobluetooth.com TEL:+86-23-68798999

More information

Microsoft PowerPoint - Lecture7II.ppt

Microsoft PowerPoint - Lecture7II.ppt Lecture 8II SUDOKU PUZZLE SUDOKU New Play Check 軟體實作與計算實驗 1 4x4 Sudoku row column 3 2 } 4 } block 1 4 軟體實作與計算實驗 2 Sudoku Puzzle Numbers in the puzzle belong {1,2,3,4} Constraints Each column must contain

More information

10384 19020101152519 UDC Rayleigh Quasi-Rayleigh Method for computing eigenvalues of symmetric tensors 2 0 1 3 2 0 1 3 2 0 1 3 2013 , 1. 2. [4], [27].,. [6] E- ; [7], Z-. [15]. Ramara G. kolda [1, 2],

More information

<4D6963726F736F667420506F776572506F696E74202D20B5DAD2BBD5C228B4F2D3A1B0E6292E707074205BBCE6C8DDC4A3CABD5D>

<4D6963726F736F667420506F776572506F696E74202D20B5DAD2BBD5C228B4F2D3A1B0E6292E707074205BBCE6C8DDC4A3CABD5D> Homeworks ( 第 三 版 ):.4 (,, 3).5 (, 3).6. (, 3, 5). (, 4).4.6.7 (,3).9 (, 3, 5) Chapter. Number systems and codes 第 一 章. 数 制 与 编 码 . Overview 概 述 Information is of digital forms in a digital system, and

More information

PowerPoint Presentation

PowerPoint Presentation Decision analysis 量化決策分析方法專論 2011/5/26 1 Problem formulation- states of nature In the decision analysis, decision alternatives are referred to as chance events. The possible outcomes for a chance event

More information

Microsoft PowerPoint - CH 04 Techniques of Circuit Analysis

Microsoft PowerPoint - CH 04 Techniques of Circuit Analysis Chap. 4 Techniques of Circuit Analysis Contents 4.1 Terminology 4.2 Introduction to the Node-Voltage Method 4.3 The Node-Voltage Method and Dependent Sources 4.4 The Node-Voltage Method: Some Special Cases

More information

[9] R Ã : (1) x 0 R A(x 0 ) = 1; (2) α [0 1] Ã α = {x A(x) α} = [A α A α ]. A(x) Ã. R R. Ã 1 m x m α x m α > 0; α A(x) = 1 x m m x m +

[9] R Ã : (1) x 0 R A(x 0 ) = 1; (2) α [0 1] Ã α = {x A(x) α} = [A α A α ]. A(x) Ã. R R. Ã 1 m x m α x m α > 0; α A(x) = 1 x m m x m + 2012 12 Chinese Journal of Applied Probability and Statistics Vol.28 No.6 Dec. 2012 ( 224002) Euclidean Lebesgue... :. : O212.2 O159. 1.. Zadeh [1 2]. Tanaa (1982) ; Diamond (1988) (FLS) FLS LS ; Savic

More information

Outline Speech Signals Processing Dual-Tone Multifrequency Signal Detection 云南大学滇池学院课程 : 数字信号处理 Applications of Digital Signal Processing 2

Outline Speech Signals Processing Dual-Tone Multifrequency Signal Detection 云南大学滇池学院课程 : 数字信号处理 Applications of Digital Signal Processing 2 CHAPTER 10 Applications of Digital Signal Processing Wang Weilian wlwang@ynu.edu.cn School of Information Science and Technology Yunnan University Outline Speech Signals Processing Dual-Tone Multifrequency

More information

Microsoft Word - 1神奇的矩阵2.doc

Microsoft Word - 1神奇的矩阵2.doc 题 目 : 神 奇 的 矩 阵 第 二 季 ( 修 改 版 2.1) 学 校 : 哈 尔 滨 工 程 大 学 姓 名 : 黎 文 科 联 系 方 式 : QQ 群 :53937814 联 系 方 式 : 190356321@qq.com Contents CONTENTS... 2 前 言... 3 绪 论... 4 1 从 坐 标 系 谈 起... 8 2 内 积 与 范 数 的 深 入 理 解...

More information

2015年4月11日雅思阅读预测机经(新东方版)

2015年4月11日雅思阅读预测机经(新东方版) 剑 桥 雅 思 10 第 一 时 间 解 析 阅 读 部 分 1 剑 桥 雅 思 10 整 体 内 容 统 计 2 剑 桥 雅 思 10 话 题 类 型 从 以 上 统 计 可 以 看 出, 雅 思 阅 读 的 考 试 话 题 一 直 广 泛 多 样 而 题 型 则 稳 中 有 变 以 剑 桥 10 的 test 4 为 例 出 现 的 三 篇 文 章 分 别 是 自 然 类, 心 理 研 究 类,

More information

Microsoft Word - ch05note_1210.doc

Microsoft Word - ch05note_1210.doc Section 5. Antiderivatives and indefinite integrals 反 導 函 數 與 不 定 積 分 上 一 章 我 們 已 經 學 過 微 分 以 及 它 的 應 用 現 在 我 們 考 慮 反 向 的 過 程, 稱 為 積 分 (antidifferentiation), 給 定 一 個 導 函 數, 找 出 它 原 始 的 函 數 積 分 也 有 許 多

More information

中国科学技术大学学位论文模板示例文档

中国科学技术大学学位论文模板示例文档 University of Science and Technology of China A dissertation for doctor s degree An Example of USTC Thesis Template for Bachelor, Master and Doctor Author: Zeping Li Speciality: Mathematics and Applied

More information

投影片 1

投影片 1 Coherence ( ) Temporal Coherence Michelson Interferometer Spatial Coherence Young s Interference Spatiotemporal Coherence 參 料 [1] Eugene Hecht, Optics, Addison Wesley Co., New York 2001 [2] W. Lauterborn,

More information

穨control.PDF

穨control.PDF TCP congestion control yhmiu Outline Congestion control algorithms Purpose of RFC2581 Purpose of RFC2582 TCP SS-DR 1998 TCP Extensions RFC1072 1988 SACK RFC2018 1996 FACK 1996 Rate-Halving 1997 OldTahoe

More information

Knowledge and its Place in Nature by Hilary Kornblith

Knowledge and its Place in Nature by Hilary Kornblith Deduction by Daniel Bonevac Chapter 7 Quantified Natural Deduction Quantified Natural Deduction As with truth trees, natural deduction in Q depends on the addition of some new rules to handle the quantifiers.

More information

Lecture #4: Several notes 1. Recommend this book, see Chap and 3 for the basics about Matlab. [1] S. C. Chapra, Applied Numerical Methods with MATLAB

Lecture #4: Several notes 1. Recommend this book, see Chap and 3 for the basics about Matlab. [1] S. C. Chapra, Applied Numerical Methods with MATLAB Chapter Lecture #4: Several notes 1. Recommend this book, see Chap and 3 for the basics about Matlab. [1] S. C. Chapra, Applied Numerical Methods with MATLAB for Engineers and Scientists. New York: McGraw-Hill,

More information

ABP

ABP ABP 2016 319 1 ABP A. D. Aleksandrov,I. Y. Bakelman,C. Pucci 1 2 ABP 3 ABP 4 5 2 Ω R n : bounded C 0 = C 0 (n) > 0 such that u f in Ω (classical subsolution) max Ω u max u + C 0diam(Ω) 2 f + L Ω (Ω) 3

More information

穨matlab教學範例ccc.doc

穨matlab教學範例ccc.doc MATLAB ( Math Dept. of University of New Hampshire) ( ) 1. Tutorial on vectors 2. Tutorial on matrices 3. Tutorial on vector operations 4. Tutorial on loops 5. Tutorial on plots 6. Tutorial on executable

More information

近代物理

近代物理 Ch6. Quantum Theory of the Hydrogen Atom Introduction 1945 Schrodinger Schrodinger equation : If only I knew more mathematics wave function analytical solution Schrodinger Equation for the Hydrogen Atom

More information

C/C++ - 函数

C/C++ - 函数 C/C++ Table of contents 1. 2. 3. & 4. 5. 1 2 3 # include # define SIZE 50 int main ( void ) { float list [ SIZE ]; readlist (list, SIZE ); sort (list, SIZE ); average (list, SIZE ); bargragh

More information

Microsoft PowerPoint _代工實例-1

Microsoft PowerPoint _代工實例-1 4302 動態光散射儀 (Dynamic Light Scattering) 代工實例與結果解析 生醫暨非破壞性分析團隊 2016.10 updated Which Size to Measure? Diameter Many techniques make the useful and convenient assumption that every particle is a sphere. The

More information

Microsoft PowerPoint - ATF2015.ppt [相容模式]

Microsoft PowerPoint - ATF2015.ppt [相容模式] Improving the Video Totalized Method of Stopwatch Calibration Samuel C.K. Ko, Aaron Y.K. Yan and Henry C.K. Ma The Government of Hong Kong Special Administrative Region (SCL) 31 Oct 2015 1 Contents Introduction

More information

PowerPoint Presentation

PowerPoint Presentation ITM omputer and ommunication Technologies Lecture #4 Part I: Introduction to omputer Technologies Logic ircuit Design & Simplification ITM 計算機與通訊技術 2 23 香港中文大學電子工程學系 Logic function implementation Logic

More information

Thesis for the Master degree in Engineering Research on Negative Pressure Wave Simulation and Signal Processing of Fluid-Conveying Pipeline Leak Candi

Thesis for the Master degree in Engineering Research on Negative Pressure Wave Simulation and Signal Processing of Fluid-Conveying Pipeline Leak Candi U17 10220 UDC624 Thesis for the Master degree in Engineering Research on Negative Pressure Wave Simulation and Signal Processing of Fluid-Conveying Pipeline Leak Candidate:Chen Hao Tutor: Xue Jinghong

More information

EP 的 准 备 考 完 高 科 到 EP 面 试 也 就 一 个 月 的 时 间, 所 以 我 建 议 大 家 立 即 准 备 起 来, 只 要 GPA 够, 材 料 都 没 有 缺 的 话, 拿 到 面 试 的 机 会 是 不 难 的, 而 且 向 今 年 我 是 号 面 试,23

EP 的 准 备 考 完 高 科 到 EP 面 试 也 就 一 个 月 的 时 间, 所 以 我 建 议 大 家 立 即 准 备 起 来, 只 要 GPA 够, 材 料 都 没 有 缺 的 话, 拿 到 面 试 的 机 会 是 不 难 的, 而 且 向 今 年 我 是 号 面 试,23 https://bbs.sjtu.edu.cn/bbsanc,path,%2fgroups%2fgroup_5%2ffrench %2FD515BBF70%2FD5D315A95%2FG.1167658731.A.html 又 开 始 紧 张 了, 因 为 我 知 道 ep 的 面 试 是 很 难 的, 看 过 他 们 考 纲 上 公 布 的 例 题, 数 学 题 基 本 都 不 会 又 看 过 前

More information

Microsoft PowerPoint - STU_EC_Ch04.ppt

Microsoft PowerPoint - STU_EC_Ch04.ppt 樹德科技大學資訊工程系 Chapter 4: Boolean Algebra and Logic Simplification Shi-Huang Chen Fall 200 Outline Boolean Operations and Expressions Laws and Rules of Boolean Algebra DeMorgan's Theorems Boolean Analysis

More information

Important Notice SUNPLUS TECHNOLOGY CO. reserves the right to change this documentation without prior notice. Information provided by SUNPLUS TECHNOLO

Important Notice SUNPLUS TECHNOLOGY CO. reserves the right to change this documentation without prior notice. Information provided by SUNPLUS TECHNOLO Car DVD New GUI IR Flow User Manual V0.1 Jan 25, 2008 19, Innovation First Road Science Park Hsin-Chu Taiwan 300 R.O.C. Tel: 886-3-578-6005 Fax: 886-3-578-4418 Web: www.sunplus.com Important Notice SUNPLUS

More information

2008年1月11日に岩手県釜石沖で発生した地震(M4.7)について

2008年1月11日に岩手県釜石沖で発生した地震(M4.7)について 2008 1 11 M4.7 On the M4.7 earthquake off Kamaishi, Iwate prefecture, Japan, on January 11, 2008. Graduate School of Science, Tohoku University 2008 1 11 M4.7 Matsuzawa et al. (2002) M-T M4.9 23Hz DD Waldhauser

More information

Chinese Journal of Applied Probability and Statistics Vol.25 No.4 Aug (,, ;,, ) (,, ) 应用概率统计 版权所有, Zhang (2002). λ q(t)

Chinese Journal of Applied Probability and Statistics Vol.25 No.4 Aug (,, ;,, ) (,, ) 应用概率统计 版权所有, Zhang (2002). λ q(t) 2009 8 Chinese Journal of Applied Probability and Statistics Vol.25 No.4 Aug. 2009,, 541004;,, 100124),, 100190), Zhang 2002). λ qt), Kolmogorov-Smirov, Berk and Jones 1979). λ qt).,,, λ qt),. λ qt) 1,.

More information

经 济 与 管 理 耿 庆 峰 : 我 国 创 业 板 市 场 与 中 小 板 市 场 动 态 相 关 性 实 证 研 究 基 于 方 法 比 较 视 角 87 Copula 模 型 均 能 较 好 地 刻 画 金 融 市 场 间 的 动 态 关 系, 但 Copula 模 型 效 果 要 好 于

经 济 与 管 理 耿 庆 峰 : 我 国 创 业 板 市 场 与 中 小 板 市 场 动 态 相 关 性 实 证 研 究 基 于 方 法 比 较 视 角 87 Copula 模 型 均 能 较 好 地 刻 画 金 融 市 场 间 的 动 态 关 系, 但 Copula 模 型 效 果 要 好 于 第 19 卷 第 6 期 中 南 大 学 学 报 ( 社 会 科 学 版 ) Vol.19 No.6 013 年 1 月 J. CENT. SOUTH UNIV. (SOCIAL SCIENCE) Dec. 013 我 国 创 业 板 市 场 与 中 小 板 市 场 动 态 相 关 性 实 证 研 究 基 于 方 法 比 较 视 角 耿 庆 峰 ( 闽 江 学 院 公 共 经 济 学 与 金 融 学

More information

Improved Preimage Attacks on AES-like Hash Functions: Applications to Whirlpool and Grøstl

Improved Preimage Attacks on AES-like Hash Functions: Applications to Whirlpool and Grøstl SKLOIS (Pseudo) Preimage Attack on Reduced-Round Grøstl Hash Function and Others Shuang Wu, Dengguo Feng, Wenling Wu, Jian Guo, Le Dong, Jian Zou March 20, 2012 Institute. of Software, Chinese Academy

More information

➀ ➁ ➂ ➃ ➄ ➅ ➆ ➇ ➈ ➉ Lecture on Stochastic Processes (by Lijun Bo) 2

➀ ➁ ➂ ➃ ➄ ➅ ➆ ➇ ➈ ➉ Lecture on Stochastic Processes (by Lijun Bo) 2 Stochastic Processes stoprocess@yahoo.com.cn 111111 ➀ ➁ ➂ ➃ ➄ ➅ ➆ ➇ ➈ ➉ Lecture on Stochastic Processes (by Lijun Bo) 2 : Stochastic Processes? (Ω, F, P), I t I, X t (Ω, F, P), X = {X t, t I}, X t (ω)

More information

The Development of Color Constancy and Calibration System

The Development of Color Constancy and Calibration System The Development of Color Constancy and Calibration System The Development of Color Constancy and Calibration System LabVIEW CCD BMP ii Abstract The modern technologies develop more and more faster, and

More information

大數據天文學 — 時間序列分析 .2cmMichael Ting-Chang Yang 楊庭彰

大數據天文學 —  時間序列分析 .2cmMichael Ting-Chang Yang 楊庭彰 大數據天文學 時間序列分析 Michael Ting-Chang Yang 楊庭彰 1 / 70 2 / 70 3 / 70 4 / 70 5 / 70 6 / 70 (cont.) 7 / 70 South Oscillation El Nino 8 / 70 9 / 70 : time : quantity : period : amplitude : scale : shape : ordered

More information

Trigonometric identities

Trigonometric identities Trigonometric Identities Peggy Adamson Mathematics Learning Centre University of Sydney NSW 006 c 986 University of Sydney Contents Introduction. How to use this book..... Introduction......3 Objectives.......4

More information

<4D6963726F736F667420576F7264202D203033BDD7A16DA576B04FA145A4ADABD2A5BBACF6A16EADBAB6C0ABD2A4A7B74EB8712E646F63>

<4D6963726F736F667420576F7264202D203033BDD7A16DA576B04FA145A4ADABD2A5BBACF6A16EADBAB6C0ABD2A4A7B74EB8712E646F63> 論 史 記 五 帝 本 紀 首 黃 帝 之 意 義 林 立 仁 明 志 科 技 大 學 通 識 教 育 中 心 副 教 授 摘 要 太 史 公 司 馬 遷 承 父 著 史 遺 志, 並 以 身 膺 五 百 年 大 運, 上 繼 孔 子 春 秋 之 史 學 文 化 道 統 為 其 職 志, 著 史 記 欲 達 究 天 人 之 際, 通 古 今 之 變, 成 一 家 之 言 之 境 界 然 史 記 百

More information

2/80 2

2/80 2 2/80 2 3/80 3 DSP2400 is a high performance Digital Signal Processor (DSP) designed and developed by author s laboratory. It is designed for multimedia and wireless application. To develop application

More information

Monetary Policy Regime Shifts under the Zero Lower Bound: An Application of a Stochastic Rational Expectations Equilibrium to a Markov Switching DSGE

Monetary Policy Regime Shifts under the Zero Lower Bound: An Application of a Stochastic Rational Expectations Equilibrium to a Markov Switching DSGE Procedure of Calculating Policy Functions 1 Motivation Previous Works 2 Advantages and Summary 3 Model NK Model with MS Taylor Rule under ZLB Expectations Function Static One-Period Problem of a MS-DSGE

More information

m m m ~ mm

m m m ~ mm 2011 10 10 157 JOURNAL OF RAILWAY ENGINEERING SOCIETY Oct 2011 NO. 10 Ser. 157 1006-2106 2011 10-0007 - 0124-05 710043 6 TBM TBM U455. 43 A Structural Calculation and Analysis of Transfer Node of Three

More information

C/C++ - 字符输入输出和字符确认

C/C++ - 字符输入输出和字符确认 C/C++ Table of contents 1. 2. getchar() putchar() 3. (Buffer) 4. 5. 6. 7. 8. 1 2 3 1 // pseudo code 2 read a character 3 while there is more input 4 increment character count 5 if a line has been read,

More information

VASP应用运行优化

VASP应用运行优化 1 VASP wszhang@ustc.edu.cn April 8, 2018 Contents 1 2 2 2 3 2 4 2 4.1........................................................ 2 4.2..................................................... 3 5 4 5.1..........................................................

More information

(Microsoft Word - \261M\256\327\272\353\302\262\263\370\247iEnd.doc)

(Microsoft Word - \261M\256\327\272\353\302\262\263\370\247iEnd.doc) 摘 要 長 榮 大 學 資 訊 管 理 學 系 畢 業 專 案 實 作 專 案 編 號 : 旅 遊 行 程 規 劃 - 以 台 南 市 為 例 Tour Scheduling for Tainan City CJU-IM- PRJ-096-029 執 行 期 間 : 95 年 2 月 13 日 至 96 年 1 月 20 日 陳 貽 隆 陳 繼 列 張 順 憶 練 哲 瑋 專 案 參 與 人 員 :

More information

spss.doc

spss.doc SPSS 8 8.1 K-Means Cluster [ 8-1] 1962 1988 8-1 2 5 31 3 7 20 F2-F3 2 3 F3-F4 3 4 109 8 8-1 2 3 2 3 F2-F3 F3-F4 1962 344 3333 29 9 9.69 1.91 1963 121 1497 27 19 12.37 1.34 1964 187 1813 32 18 9.70 1.06

More information

2009.05

2009.05 2009 05 2009.05 2009.05 璆 2009.05 1 亿 平 方 米 6 万 套 10 名 20 亿 元 5 个 月 30 万 亿 60 万 平 方 米 Data 围 观 CCDI 公 司 内 刊 企 业 版 P08 围 观 CCDI 管 理 学 上 有 句 名 言 : 做 正 确 的 事, 比 正 确 地 做 事 更 重 要 方 向 的 对 错 于 大 局 的 意 义 而 言,

More information

Microsoft Word - Final Exam Review Packet.docx

Microsoft Word - Final Exam Review Packet.docx Do you know these words?... 3.1 3.5 Can you do the following?... Ask for and say the date. Use the adverbial of time correctly. Use Use to ask a tag question. Form a yes/no question with the verb / not

More information

數學導論 學數學 前言 學 學 數學 學 數學. 學數學 論. 學,. (Logic), (Set) 數 (Function)., 學 論. 論 學 數學.,,.,.,., 論,.,. v Chapter 1 Basic Logic 學 數學 學 言., logic. 學 學,, 學., 學 數學. 數學 論 statement. 2 > 0 statement, 3 < 2 statement

More information

1 * 1 *

1 * 1 * 1 * 1 * taka@unii.ac.jp 1992, p. 233 2013, p. 78 2. 1. 2014 1992, p. 233 1995, p. 134 2. 2. 3. 1. 2014 2011, 118 3. 2. Psathas 1995, p. 12 seen but unnoticed B B Psathas 1995, p. 23 2004 2006 2004 4 ah

More information

d y d = d 2 y d 2 = > 0 Figure45 :Price consumer curve not a Giffen good X & Y are substitutes From the demand curves. Figure46 Deman

d y d = d 2 y d 2 = > 0 Figure45 :Price consumer curve not a Giffen good X & Y are substitutes From the demand curves. Figure46 Deman Ch4. 個體經濟學一 M i c r o e c o n o m i c s (I) Comparative Statics and Demand EX: u(, y) = 2 + y, Ma,y 2 + y s. t. P + P y y = m FOC MRS y = P P y P + P y y = m MRS y = MU = 2 0.5 0.5 = P MU y 1 P y 1 0.5

More information

课题调查对象:

课题调查对象: 1 大 陆 地 方 政 府 大 文 化 管 理 职 能 与 机 构 整 合 模 式 比 较 研 究 武 汉 大 学 陈 世 香 [ 内 容 摘 要 ] 迄 今 为 止, 大 陆 地 方 政 府 文 化 管 理 体 制 改 革 已 经 由 试 点 改 革 进 入 到 全 面 推 行 阶 段 本 文 主 要 通 过 结 合 典 型 调 查 法 与 比 较 研 究 方 法, 对 已 经 进 行 了 政 府

More information

Microsoft Word - 09王充人性論_確定版980317_.doc

Microsoft Word - 09王充人性論_確定版980317_.doc 王 充 有 善 有 惡 的 人 性 論 王 充 有 善 有 惡 的 人 性 論 朝 陽 科 技 大 學 通 識 教 育 中 心 副 教 授 中 文 摘 要 王 充 (27-100) 的 人 性 論 本 於 世 碩 公 孫 尼 子, 主 張 人 性 先 天 上 有 善 有 惡, 進 而 批 評 在 其 之 前 諸 家 的 各 種 陳 言, 斷 其 優 劣, 在 中 國 人 性 論 發 展 史 上 十

More information

A VALIDATION STUDY OF THE ACHIEVEMENT TEST OF TEACHING CHINESE AS THE SECOND LANGUAGE by Chen Wei A Thesis Submitted to the Graduate School and Colleg

A VALIDATION STUDY OF THE ACHIEVEMENT TEST OF TEACHING CHINESE AS THE SECOND LANGUAGE by Chen Wei A Thesis Submitted to the Graduate School and Colleg 上 海 外 国 语 大 学 SHANGHAI INTERNATIONAL STUDIES UNIVERSITY 硕 士 学 位 论 文 MASTER DISSERTATION 学 院 国 际 文 化 交 流 学 院 专 业 汉 语 国 际 教 育 硕 士 题 目 届 别 2010 届 学 生 陈 炜 导 师 张 艳 莉 副 教 授 日 期 2010 年 4 月 A VALIDATION STUDY

More information

热设计网

热设计网 例 例 Agenda Popular Simulation software in PC industry * CFD software -- Flotherm * Advantage of Flotherm Flotherm apply to Cooler design * How to build up the model * Optimal parameter in cooler design

More information

Emperor Qianlong s integration of Tibetan Buddhism into the way he rule the country achieved an impressive result. Thus this dissertation also attempt

Emperor Qianlong s integration of Tibetan Buddhism into the way he rule the country achieved an impressive result. Thus this dissertation also attempt Journal of China Institute of Technology Vol.38-2008.6 Study of Emperor Qianlong as Manjusri Bodhisattva Lo Chung Chang Assistant Professor of General Education Center China Institute of Technology Abstract

More information

三維空間之機械手臂虛擬實境模擬

三維空間之機械手臂虛擬實境模擬 VRML Model of 3-D Robot Arm VRML Model of 3-D Robot Arm MATLAB VRML MATLAB Simulink i MATLAB Simulink V-Realm Build Joystick ii Abstract The major purpose of this thesis presents the procedure of VRML

More information

Building Technology Experience Center concept air conditioning concept heat pump special energy-saving techniques in hydraulics Concrete core conditio

Building Technology Experience Center concept air conditioning concept heat pump special energy-saving techniques in hydraulics Concrete core conditio Building Technology Experience Center concept air conditioning concept heat pump special energy-saving techniques in hydraulics Concrete core conditioning Initial situation Passive House Technology Experience

More information

國 史 館 館 刊 第 23 期 Chiang Ching-kuo s Educational Innovation in Southern Jiangxi and Its Effects (1941-1943) Abstract Wen-yuan Chu * Chiang Ching-kuo wa

國 史 館 館 刊 第 23 期 Chiang Ching-kuo s Educational Innovation in Southern Jiangxi and Its Effects (1941-1943) Abstract Wen-yuan Chu * Chiang Ching-kuo wa 國 史 館 館 刊 第 二 十 三 期 (2010 年 3 月 ) 119-164 國 史 館 1941-1943 朱 文 原 摘 要 1 關 鍵 詞 : 蔣 經 國 贛 南 學 校 教 育 社 會 教 育 掃 盲 運 動 -119- 國 史 館 館 刊 第 23 期 Chiang Ching-kuo s Educational Innovation in Southern Jiangxi and

More information

Microsoft PowerPoint - STU_EC_Ch08.ppt

Microsoft PowerPoint - STU_EC_Ch08.ppt 樹德科技大學資訊工程系 Chapter 8: Counters Shi-Huang Chen Fall 2010 1 Outline Asynchronous Counter Operation Synchronous Counter Operation Up/Down Synchronous Counters Design of Synchronous Counters Cascaded Counters

More information

Microsoft PowerPoint - NCBA_Cattlemens_College_Darrh_B

Microsoft PowerPoint - NCBA_Cattlemens_College_Darrh_B Introduction to Genetics Darrh Bullock University of Kentucky The Model Trait = Genetics + Environment Genetics Additive Predictable effects that get passed from generation to generation Non-Additive Primarily

More information

Microsoft Word - TIP006SCH Uni-edit Writing Tip - Presentperfecttenseandpasttenseinyourintroduction readytopublish

Microsoft Word - TIP006SCH Uni-edit Writing Tip - Presentperfecttenseandpasttenseinyourintroduction readytopublish 我 难 度 : 高 级 对 们 现 不 在 知 仍 道 有 听 影 过 响 多 少 那 次 么 : 研 英 究 过 文 论 去 写 文 时 作 的 表 技 引 示 巧 言 事 : 部 情 引 分 发 言 该 生 使 在 中 用 过 去, 而 现 在 完 成 时 仅 表 示 事 情 发 生 在 过 去, 并 的 哪 现 种 在 时 完 态 成 呢 时? 和 难 过 道 去 不 时 相 关? 是 所 有

More information

untitled

untitled MSE200 Lecture 10 (CH. 7.3-7.4) Mechanical Properties II Instructor: Yuntian Zhu Objectives/outcoes: You will learn the following: Crack growth rate during fatigue. Fatigue life of cracked coponents. Stages

More information

余德浩诗词

余德浩诗词 余德浩诗词 共 722 首 其中夕照新篇 436 首 2016 年 35 首 2015 年 81 首 2014 年 59 首 2013 年 64 首 2012 年 63 首 2011 年 79 首 2010 年 55 首 科苑情怀 1978-2009 年 39 首 青春足迹 1964-1977 年 241 首 自由体长诗 6 首 夕照新篇 2010-2016 年 读网络奇文随感三首 2016 年 5

More information

GCSE Mathematics Question Paper Unit 2 March 2012

GCSE Mathematics Question Paper Unit 2 March 2012 Centre Number Surname Candidate Number For Examiner s Use Other Names Candidate Signature Examiner s Initials General Certificate of Secondary Education Higher Tier March 2012 Pages 2 3 4 5 Mark Mathematics

More information

2005 5,,,,,,,,,,,,,,,,, , , 2174, 7014 %, % 4, 1961, ,30, 30,, 4,1976,627,,,,, 3 (1993,12 ),, 2

2005 5,,,,,,,,,,,,,,,,, , , 2174, 7014 %, % 4, 1961, ,30, 30,, 4,1976,627,,,,, 3 (1993,12 ),, 2 3,,,,,, 1872,,,, 3 2004 ( 04BZS030),, 1 2005 5,,,,,,,,,,,,,,,,, 1928 716,1935 6 2682 1928 2 1935 6 1966, 2174, 7014 %, 94137 % 4, 1961, 59 1929,30, 30,, 4,1976,627,,,,, 3 (1993,12 ),, 2 , :,,,, :,,,,,,

More information

PowerPoint Presentation

PowerPoint Presentation Linear Progamming- the Simple method with greater-than-or-equal-to or equality minimization problem Quantitative deciion making technique /5/6 Tableau form- dealing with greaterthan-or-equal-to contraint

More information

HCD0174_2008

HCD0174_2008 Reliability Laboratory Page: 1 of 5 Date: December 23, 2008 WINMATE COMMUNICATION INC. 9 F, NO. 111-6, SHING-DE RD., SAN-CHUNG CITY, TAIPEI, TAIWAN, R.O.C. The following merchandise was submitted and identified

More information

Chapter 7 Rings ring. ring integral domain, ring The Ring of Integers ring Z., Z,,. Euclid s Algorithm,.,. Theorem (Euclid s Algorithm). n

Chapter 7 Rings ring. ring integral domain, ring The Ring of Integers ring Z., Z,,. Euclid s Algorithm,.,. Theorem (Euclid s Algorithm). n Chapter 7 Rings ring. ring integral domain, ring. 7.1. The Ring of Integers ring Z., Z,,. Euclid s Algorithm,.,. Theorem 7.1.1 (Euclid s Algorithm). n, m Z, h, r Z, 0 r < n, m = h n + r. Proof.,. ring,.

More information

coverage2.ppt

coverage2.ppt Satellite Tool Kit STK/Coverage STK 82 0715 010-68745117 1 Coverage Definition Figure of Merit 2 STK Basic Grid Assets Interval Description 3 Grid Global Latitude Bounds Longitude Lines Custom Regions

More information

K301Q-D VRT中英文说明书141009

K301Q-D VRT中英文说明书141009 THE INSTALLING INSTRUCTION FOR CONCEALED TANK Important instuction:.. Please confirm the structure and shape before installing the toilet bowl. Meanwhile measure the exact size H between outfall and infall

More information

微 分 方 程 是 经 典 数 学 的 一 个 重 要 分 支, 常 用 来 描 述 随 时 间 变 化 的 动 态 系 统, 被 广 泛 应 用 于 物 理 学 工 程 数 学 和 经 济 学 等 领 域. 实 际 上, 系 统 在 随 时 间 的 变 化 过 程 中, 经 常 会 受 到 一 些

微 分 方 程 是 经 典 数 学 的 一 个 重 要 分 支, 常 用 来 描 述 随 时 间 变 化 的 动 态 系 统, 被 广 泛 应 用 于 物 理 学 工 程 数 学 和 经 济 学 等 领 域. 实 际 上, 系 统 在 随 时 间 的 变 化 过 程 中, 经 常 会 受 到 一 些 不 确 定 微 分 方 程 研 究 综 述 李 圣 国, 彭 锦 华 中 师 范 大 学 数 统 学 院, 湖 北 4379 黄 冈 师 范 学 院 不 确 定 系 统 研 究 所, 湖 北 438 pengjin1@tsinghua.org.cn 摘 要 : 不 确 定 微 分 方 程 是 关 于 不 确 定 过 程 的 一 类 微 分 方 程, 其 解 也 是 不 确 定 过 程. 本 文 主

More information

Preface This guide is intended to standardize the use of the WeChat brand and ensure the brand's integrity and consistency. The guide applies to all d

Preface This guide is intended to standardize the use of the WeChat brand and ensure the brand's integrity and consistency. The guide applies to all d WeChat Search Visual Identity Guidelines WEDESIGN 2018. 04 Preface This guide is intended to standardize the use of the WeChat brand and ensure the brand's integrity and consistency. The guide applies

More information

Copyright c by Manabu Kano. All rights reserved. 1

Copyright c by Manabu Kano. All rights reserved. 1 997 2002 5 Copyright c 997-2002 by Manabu Kano. All rights reserved. 3 2 4 2.... 4 2.2... 4 2.3 m... 7 2.4... 8 3 8 3.... 8 3.2... 9 4 0 4.... 0 4.2... 2 4.3... 3 2 2 0 Fig. z z 0 z z 2 z 2 PCA; Principal

More information

834 Vol G = (V, E), u V = V (G), N(u) = {x x V (G), x u } N (u) = {u} N(u) u. 2.2 F, u V (G), G u N (u) F [10 11], G F -., G m F -, u V (G), G

834 Vol G = (V, E), u V = V (G), N(u) = {x x V (G), x u } N (u) = {u} N(u) u. 2.2 F, u V (G), G u N (u) F [10 11], G F -., G m F -, u V (G), G Vol. 37 ( 2017 ) No. 4 J. of Math. (PRC) 1, 1, 1, 2 (1., 400065) (2., 400067) :, Erdös Harary Klawe s.,,,. : ; ; ; MR(2010) : 05C35; 05C60; 05C75 : O157.5 : A : 0255-7797(2017)04-0833-12 1 1980, Erdös,

More information

Microsoft Word - 11月電子報1130.doc

Microsoft Word - 11月電子報1130.doc 發 行 人 : 楊 進 成 出 刊 日 期 2008 年 12 月 1 日, 第 38 期 第 1 頁 / 共 16 頁 封 面 圖 話 來 來 來, 來 葳 格 ; 玩 玩 玩, 玩 數 學 在 11 月 17 到 21 日 這 5 天 裡 每 天 一 個 題 目, 孩 子 們 依 據 不 同 年 段, 尋 找 屬 於 自 己 的 解 答, 這 些 數 學 題 目 和 校 園 情 境 緊 緊 結

More information

徐汇教育214/3月刊 重 点 关 注 高中生异性交往的小团体辅导 及效果研究 颜静红 摘 要 采用人际关系综合诊断量表 郑日昌编制并 与同性交往所不能带来的好处 带来稳定感和安全感 能 修订 对我校高一学生进行问卷测量 实验组前后测 在 够度过更快乐的时光 获得与别人友好相处的经验 宽容 量表总分和第 4 项因子分 异性交往困扰 上均有显著差 大度和理解力得到发展 得到掌握社会技术的机会 得到 异

More information

Abstract Due to the improving of living standards, people gradually seek lighting quality from capacityto quality. And color temperature is the important subject of it. According to the research from aboard,

More information

國立中山大學學位論文典藏.PDF

國立中山大學學位論文典藏.PDF 93 2 () ()A Study of Virtual Project Team's Knowledge Integration and Effectiveness - A Case Study of ERP Implementation N924020024 () () ()Yu ()Yuan-Hang () ()Ho,Chin-Fu () ()Virtual Team,Knowledge Integration,Project

More information

TA-research-stats.key

TA-research-stats.key Research Analysis MICHAEL BERNSTEIN CS 376 Last time What is a statistical test? Chi-square t-test Paired t-test 2 Today ANOVA Posthoc tests Two-way ANOVA Repeated measures ANOVA 3 Recall: hypothesis testing

More information

Microsoft Word - p11.doc

Microsoft Word - p11.doc () 11-1 ()Classification Analysis( ) m() p.d.f prior (decision) (loss function) Bayes Risk for any decision d( ) posterior risk posterior risk Posterior prob. j (uniform prior) where Mahalanobis Distance(M-distance)

More information

Edge-Triggered Rising Edge-Triggered ( Falling Edge-Triggered ( Unit 11 Latches and Flip-Flops 3 Timing for D Flip-Flop (Falling-Edge Trigger) Unit 11

Edge-Triggered Rising Edge-Triggered ( Falling Edge-Triggered ( Unit 11 Latches and Flip-Flops 3 Timing for D Flip-Flop (Falling-Edge Trigger) Unit 11 Latches and Flip-Flops 11.1 Introduction 11.2 Set-Reset Latch 11.3 Gated D Latch 11.4 Edge-Triggered D Flip-Flop 11.5 S-R Flip-Flop 11.6 J-K Flip-Flop 11.7 T Flip-Flop 11.8 Flip-Flops with additional Inputs

More information

-, 1944,1948,1960,,, - ( ), ,96 % ; , 80 %, % 60,,, % 70,, 50 90, 20 % 33 % ; 1991, 10 % 1986,80 % ; 78, 21 % 22 %

-, 1944,1948,1960,,, - ( ), ,96 % ; , 80 %, % 60,,, % 70,, 50 90, 20 % 33 % ; 1991, 10 % 1986,80 % ; 78, 21 % 22 % 1999 4 1971 1988,,, ;,,,, ; (1608 1760 ), ; (1760 1867 ), ;,, ; (1867 ), 91. 6 %,,,,,, 30 -, 1944,1948,1960,,, - ( ), 1945 1960,96 % ;1962 1967, 80 %,1968 1976 56 % 60,,, 1971 5 % 70,, 50 90, 20 % 33 %

More information

National Taiwan Ocean University Error Correcting Codes Spring 2003 Lecture 6: CRC Codes and BCH Codes National Taiwan Ocean University Announcement C

National Taiwan Ocean University Error Correcting Codes Spring 2003 Lecture 6: CRC Codes and BCH Codes National Taiwan Ocean University Announcement C Error Correcting Codes Spring 2003 Lecture 6: CRC Codes and BCH Codes Announcement Course webpage: http://www.gct.ntou.edu.tw/dcstl/web/ecc.htm Textbook webpage: http://www.eccpage.com Reading Assignment:

More information

一 機 械 系 工 學 院 台 大 訊 息 1. 臺 大 鑽 石 種 子 基 金 (2015.5.8) 台 大 機 械 系 范 士 岡 副 教 授 率 領 兩 組 團 隊 各 獲 獎 金 50 萬 元 系 友 會 強 力 推 薦 的 臺 大 鑽 石 種 子 基 金 舉 辦 第 一 屆 臺 大 種 子

一 機 械 系 工 學 院 台 大 訊 息 1. 臺 大 鑽 石 種 子 基 金 (2015.5.8) 台 大 機 械 系 范 士 岡 副 教 授 率 領 兩 組 團 隊 各 獲 獎 金 50 萬 元 系 友 會 強 力 推 薦 的 臺 大 鑽 石 種 子 基 金 舉 辦 第 一 屆 臺 大 種 子 國 立 臺 灣 大 學 機 械 工 程 系 系 友 會 NTU@ME 月 報 2015 年 5 月 重 點 摘 要 : 一 機 械 系 工 學 院 台 大 工 研 院 訊 息 1. 機 械 系 兩 組 團 隊 已 獲 臺 大 鑽 石 種 子 基 金 獎 金 各 50 萬 元, 該 基 金 今 年 將 再 頒 發 至 少 80 組 獎 金 每 組 50 萬 元, 請 系 友 把 握 機 會 (p.2)

More information

PowerPoint Template

PowerPoint Template ACCAspace Provided by ACCA Research Institute ACCA F9 Financial Management 财务管理 ACCA Lecturer: Sinny Shao Part D investment appraisal 1 Investment decisions without DCF 2 Investment decisions with DCF

More information

SuperMap 系列产品介绍

SuperMap 系列产品介绍 wuzhihong@scu.edu.cn 3 / 1 / 16 / John M. Yarbrough: Digital Logic Applications and Design + + 30% 70% 1 CHAPTER 1 Digital Concepts and Number Systems 1.1 Digital and Analog: Basic Concepts P1 1.1 1.1

More information

東吳大學

東吳大學 律 律 論 論 療 行 The Study on Medical Practice and Coercion 林 年 律 律 論 論 療 行 The Study on Medical Practice and Coercion 林 年 i 讀 臨 療 留 館 讀 臨 律 六 礪 讀 不 冷 療 臨 年 裡 歷 練 禮 更 老 林 了 更 臨 不 吝 麗 老 劉 老 論 諸 見 了 年 金 歷 了 年

More information

untitled

untitled LBS Research and Application of Location Information Management Technology in LBS TP319 10290 UDC LBS Research and Application of Location Information Management Technology in LBS , LBS PDA LBS

More information

Microsoft Word - template.doc

Microsoft Word - template.doc HGC efax Service User Guide I. Getting Started Page 1 II. Fax Forward Page 2 4 III. Web Viewing Page 5 7 IV. General Management Page 8 12 V. Help Desk Page 13 VI. Logout Page 13 Page 0 I. Getting Started

More information

Computer Architecture

Computer Architecture ECE 3120 Computer Systems Assembly Programming Manjeera Jeedigunta http://blogs.cae.tntech.edu/msjeedigun21 Email: msjeedigun21@tntech.edu Tel: 931-372-6181, Prescott Hall 120 Prev: Basic computer concepts

More information

Microsoft PowerPoint - ch6 [相容模式]

Microsoft PowerPoint - ch6 [相容模式] UiBinder wzyang@asia.edu.tw UiBinder Java GWT UiBinder XML UI i18n (widget) 1 2 UiBinder HelloWidget.ui.xml: UI HelloWidgetBinder HelloWidget.java XML UI Owner class ( Composite ) UI XML UiBinder: Owner

More information