视频场景重建的流程 运动恢复结构 深度恢复 三维重建

Size: px
Start display at page:

Download "视频场景重建的流程 运动恢复结构 深度恢复 三维重建"

Transcription

1 运动恢复结构 章国锋 浙江大学 CAD&CG 国家重点实验室

2 视频场景重建的流程 运动恢复结构 深度恢复 三维重建

3 针孔相机模型 投影方程 : 齐次坐标表示 : Richard Hartley and Andrew Zisserman. Multiple View Geometry in Computer Vision. Cambridge University Press, Second Edition 2004.

4 Z Y X f f Z fy fx 针孔相机模型 K [R t] Richard Hartley and Andrew Zisserman. Multiple View Geometry in Computer Vision. Cambridge University Press, Second Edition 2004.

5 主点的偏移 æ ç çç ç è fx / Z + x 0 fy / Z + y 0 1 ö ø ~ æ ç çç ç è fx + Zx 0 fy + Zy 0 Z ö ø é ê = êê êë f x 0 0 f y ùæ úç úú çç úû ç è X Y Z 1 ö ø Richard Hartley and Andrew Zisserman. Multiple View Geometry in Computer Vision. Cambridge University Press, Second Edition 2004.

6 相机的外部参数 Richard Hartley and Andrew Zisserman. Multiple View Geometry in Computer Vision. Cambridge University Press, Second Edition 2004.

7 透视相机模型 K f x x 0 f y cy 0 s 0 c 1 P K R t 11 DoF (5+3+3)

8 径向畸变 比如鱼眼镜头 : 数学模型 : R R ( x, y) (1 K ( x y ) K ( x y )...) x 1 2 y (Marc Pollefeys)

9 径向畸变矫正例子 (Marc Pollefeys)

10 多视图几何 运动恢复结构 从多张图像或视频序列中自动地恢复相机参数和场景的三维结构. Noah Snavely, Steven M. Seitz, Richard Szeliski. "Photo tourism: Exploring photo collections in 3D"

11 双视图几何 3D???

12 双视图几何 3D???

13 双视图几何 3D: 极线几何

14 极线几何

15 基础矩阵 只跟两个视图的相对相机姿态和内参有关 F 是一个 3 3 秩为 2 的矩阵 Fe = 0 7 个自由度 最少 7 对匹配点就可以求解 F 七点法八点法 K [ t T 2 ] RK 1 1 OpenCV: cvfindfundamentalmat()

16 八点法求解基础矩阵 根据对极几何关系, 基本矩阵 F 满足 若设 那么对极几何关系又可以写作 : 若存在 n 对对应点,F 应满足如下的线性系统 :

17 八点法求解基础矩阵 f 为 9 维向量, 若要有解,rank(A) 至多为 8 在 rank(a) = 8 时,f 的方向是唯一的 通过至少 8 对对应点, 可恰好得到使 f 方向唯一的 A f 为 A 的右零空间的基向量, 可用 svd(a) 求得 真实数据存在噪音, 大于 8 组对应点得到的 A 满秩即 rank(a) = 9 此时同样可计算 (U,Σ,V) = svd(a) 令 f 为 V 中对应最小奇异值的列向量

18 多视图几何 投影函数

19 运动恢复结构 流程 特征跟踪 获得一堆特征轨迹 运动恢复结构 求解相机参数和特征轨迹的三维位置

20 图像特征 图像中显著 容易区分和匹配的内容 不变性 点角点线 : 直线, 曲线, 边 : 二维边, 三维边形状 : 长方形, 圆, 椭圆, 球, 纹理 视角不变 ( 尺度, 方向, 平移 ) 光照不变 物体变形 部分遮挡

21 Harris 角点检测 核心思想 : 统计图像梯度的分布 平滑区域 : 梯度不明显 边缘区域 : 梯度明显, 方向一致 角落区域 : 梯度明显, 方向不一致 方法 : 计算像素邻域的梯度二阶矩 计算上述矩阵的角点响应指标 对 R 进行阈值过滤和非极大值抑制

22 FAST 通过直接的阈值和判断来加速角点提取 考虑中心点周围的 16 个像素, 设中心点亮度为 p 如果有连续 n 个像素亮度都大于 p+t, 或者都小于 p-t ( 如图中的 14~16, 1 ~ 6) 检查 四个位置, 如果是角点, 四个位置中应当有三个满足上面的条件 速度快, 但对噪音不鲁棒 Edward Rosten, Tom Drummond. Machine Learning for High-Speed Corner Detection. ECCV (1) 2006:

23 SIFT Scale-Invariant Feature Transform SIFT 通过在不同级别的图像 DoG 上寻找极大 / 极小值来确定特征的位置和对应的尺度, 后续的特征提取在与其尺度最邻近的图像 DoG 上进行 这使它有良好的尺度不变性 David G. Lowe.Distinctive Image Features from Scale-Invariant Keypoints. International Journal of Computer Vision 60(2): (2004).

24 基于不变量的特征 SIFT 之后陆续出现了各种尺度不变特征描述量提取算法 如 RIFT GLOH SURF 等 其中 SURF 性能上接近 SIFT SURF 使用了 Haar 小波卷积替代 SIFT 中的高斯核 用积分图像进行了加速, 使得计算速度达到 SIFT 的 3~7 倍 ORB 由于其良好的匹配性能和极快的提取速度也得到了广泛使用

25 特征提取 精度高 SIFT SURF ORB 速度快 SIFT 极佳的尺度不变性, 能一定程度上适应视角变化和亮度变化 SURF 能够处理严重的图像模糊, 速度要高于 SIFT, 但精度不如 SIFT ORB 极快的提取速度, 在实时应用中常用来替代 SIFT 以上三种特征提取算法均在 OpenCV 中有实现

26 特征匹配 模板匹配直接在目标图像中寻找给定的图像块

27 特征匹配 在小运动假设下, 可以采用 KLT 跟踪方法 : I(x,y,t) I(x,y,t+1) 一个等式, 两个未知量

28 特征匹配 进一步假设 : 相邻像素运动一致 ( 单个像素 ) ( 邻域窗口 )

29 特征匹配 大运动情况下的匹配 通过比较特征描述量的距离进行匹配 SIFT = 128 维 SURF = 64 维 ORB = 256bits 暴力匹配 快速最近邻匹配 OpenCV 中提供了相应的匹配算法

30 Loopback Sequences and Multiple Sequences How to efficiently match the common features among different subsequences?

31 Non-Consecutive Feature Tracking

32 Framework Overview 1. Detect SIFT features over the entire sequence. 2. Consecutive point tracking: 2.1 Match features between consecutive frames with descriptor comparison. 2.2 Perform the second-pass matching to extend track lifetime. 3. Non-consecutive track matching: 3.1 Use hierachical k-means to cluster the constructed tracks. 3.2 Estimate the matching matrix with the grouped tracks. 3.3 Detect overlapping subsequences and join the matched tracks.

33 Two-Pass Matching for Consecutive Tracking SIFT Feature Extraction First-Pass Matching by Descriptor Comparison Global distinctive

34

35 Two-View Geometry 3D???

36 Two-View Geometry 3D: Epipolar Geometry

37 Not enough! How to handle image distortion? Naïve window-based matching becomes unreliable! How to give a good position initializaton? Whole line searching is still time-consuming and ambiguous with many potential correspondences.???

38 Second-Pass Matching by Planar Motion Segmentation Estimate a set of homographies Using inlier matches in first-pass matching frame t 1 2 H t H, t1 t, t1 frame t+1 Alignment 3 H t, t1 4 H t, t1

39 Second-Pass Matching by Planar Motion Segmentation Guided matching Epipolar constraint Homography constraint

40 Second-Pass Matching with Multi- Homographies First-Pass Matching (53 matches) Direct Searching (11 matches added) Our Second-Pass Matching (346 matches added)

41 Non-Consecutive track matching Fast Matching Matrix Estimation Detect overlapping subsequences and join the matched tracks.

42 Fast Matching Matrix Estimation Each track has a group of description vectors Track descriptor Use a hierarchical K-means approach to cluster the track descriptors

43 Fast Matching Matrix Estimation

44 Non-Consecutive Track Matching Simultaneously Match Images and Refine Matching Matrix Refine the matching matrix after matching the common features of the selected image pairs. More reliably find the best matching images with the updated matching matrix.

45 Traditional SfM Framework Feature tracking over whole sequence Structure & motion initialization Compute F between two initial images Compute P 1 and P 2 Triangulate 3D points of the matched features For each additional view Compute the camera pose Refine and extend 3D points Self-Calibration Upgrade the projective reconstruction to metric one. Refine structure and motion Bundle adjustment

46 三角化 已知 F, 计算 P 和 P 已知 x 和 x 计算 X: x= PX x'= P 'X Richard Hartley and Andrew Zisserman. Multiple View Geometry in Computer Vision. Cambridge University Press, Second Edition 2004.

47 有噪声情况下的三角化 由于存在噪声, 反投到三维空间上的射线并不会严格相交 优化投影点到对应极线的距离 Richard Hartley and Andrew Zisserman. Multiple View Geometry in Computer Vision. Cambridge University Press, Second Edition 2004.

48 线性三角化方法 给定方程 x= PX x'= P 'X p it 表示 P 的第 i 行. 写成矩阵和向量相乘的形式 直接解析求解. 没有几何意义 不是最优.

49 优化几何误差 Cost function 用 Levenberg-Marquart 算法求解

50 Knowing 3D points, Compute Camera Motion Compute Projection Matrix Decomposition for Metric Projection Matrix P K[ R t] [ KR Kt] [ M Kt] Decompose M into K, R by QR decomposition 1 t K p, p, p ) ( T

51 Bundle Adjustment Definition Refining a visual reconstruction to produce jointly optimal 3D structure and viewing parameter (camera pose and/or calibration) estimates. arg min C 1,...C Nc,X 1,...,X Np å p(x i,c j )- x ij 2 B. Triggs, P. F. McLauchlan, R. I. Hartley, and A. W. Fitzgibbon. Bundle adjustment - a modern synthesis. In Workshop on Vision Algorithms, pages , 1999.

52 Geometric Ambiguities Projective Self-Calibration Metric Reconstruction Reconstruction Marc Pollefeys. Visual 3D Modeling from Images

53 Self-Calibration State-of-the-Art References R.I. Hartley and A. Zisserman, Multiple View Geometry in Computer Vision, second ed. Cambridge Univ. Press, M. Pollefeys, L.J. Van Gool, M. Vergauwen, F. Verbiest, K. Cornelis, J. Tops, and R. Koch, Visual Modeling with a Hand-Held Camera, Int l J. Computer Vision, vol. 59, no. 3, pp , G. Zhang, X. Qin, W. Hua, T.-T. Wong, P.-A. Heng, and H. Bao, Robust Metric Reconstruction from Challenging Video Sequences, Proc. IEEE CS Conf. Computer Vision and Pattern Recognition, 2007.

54 推荐 SfM 开源系统 ENFT-SFM or LS-ACTS OpenMVG VisualSFM

55 视觉 SLAM 章国锋 浙江大学 CAD&CG 国家重点实验室

56 SLAM: 同时定位与地图构建 机器人和计算机视觉领域的基本问题 在未知环境中定位自身方位并同时构建环境三维地图 广泛的应用 增强现实 虚拟现实 机器人 无人驾驶 航空航天

57 SLAM 常用的传感器 红外传感器 : 较近距离感应, 常用于扫地机器人 激光雷达 深度传感器 摄像头 : 单目 双目 多目 惯性传感器 ( 英文叫 IMU, 包括陀螺仪 加速度计 ): 智能手机标配 激光雷达 常见的单目摄像头 普通手机摄像头也可作为传感器 双目摄像头微软 Kinect 彩色 - 深度 (RGBD) 传感器手机上的惯性传感器 (IMU)

58 SLAM 的运行结果 设备根据传感器的信息 计算自身位置 ( 在空间中的位置和朝向 ) 构建环境地图 ( 稀疏或者稠密的三维点云 ) 稀疏 SLAM 稠密 SLAM

59 SLAM 系统常用的框架 RGB 图深度图 IMU 测量值 输入 传感器数据 前台线程 根据传感器数据进行跟踪求解, 实时恢复每个时刻的位姿 输出 设备实时位姿 三维点云 优化以减少误差累积 后台线程 进行局部或全局优化, 减少误差累积 场景回路检测 回路检测

60 Related Work Filter-based SLAM Davison et al.2007 (MonoSLAM), Eade and Drummond 2006, Mourikis et al (MSCKF), Keyframe-based SLAM Klein and Murray 2007,2008 (PTAM), Castle et al.2008, Tan et al (RDSLAM), Mur-Artal et al (ORB-SLAM), Liu et al (RKSLAM), Direct Tracking based SLAM Engel et al (LSD-SLAM), Forster et al (SVO), Engel et al (DSO)

61 Extended Kalman Filter State at time k, model as multivariate Gaussian x N( xˆ, P ) k State transition model x f x ) w k ~ k k mean covariance ( k 1 wk ~ N(0, Qk ) State observation model z h( x ) v v k k k ~ N(0, Rk ) k k Process noise Observation noise

62 Extended Kalman Filter Predict xˆ P F k k 1 k 1 k 1) k k 1 k Update f F ( xˆ k P f x k 1 k 1 ˆ x k 1 k1 kk 1 F T k S H P H R T k k k k 1 k k K P H S T 1 k k k1 k k Q xˆ xˆ K ( z h( xˆ )) k k k k 1 k k k k 1 P ( I K H ) P k k k k k k 1 H h x k xˆ k Innovation covariance

63 MonoSLAM A. J. Davison, N. D. Molton, I. Reid, and O. Stasse. MonoSLAM: Realtime single camera SLAM. IEEE Transactions on Pattern Analysis and Machine Intelligence (PAMI), 29(6): , Map representation 2 1 X X C X C x camera state point state X X X X C X X X X X C X CX CX CC P P P P P P P P P P

64 MonoSLAM Complexity 3 O( N ) per frame Scalability Hundreds of points

65 PTAM: Parallel Tracking and Mapping Map representation G. Klein and D. W. Murray. Parallel Tracking and Mapping for Small AR Workspaces. In Proceedings of the International Symposium on Mixed and Augmented Reality (ISMAR), 2007.

66 PTAM: Parallel Tracking and Mapping Overview Feature Extraction Feature Tracking Foreground Thread Camera Pose Estimation New Keyframe? Map yes 3D Points Keyframes Background Thread Bundle Adjustment Add New 3D Points

67 Keyframe-based SLAM vs Filtering-based SLAM Advantages Accuracy Efficiency Scalability Disadvantages Sensitive to strong rotation Challenges for both Fast motion Motion blur Insufficient texture H. Strasdat, J. Montiel, and A. J. Davison. Visual SLAM: Why filter? Image and Vision Computing, 30:65-77, 2012.

68 ORB-SLAM: A Versatile and Accurate Monocular SLAM System Raul Mur-Artal, J. M. M. Montiel, Juan D. Tardós: ORB-SLAM: A Versatile and Accurate Monocular SLAM System. IEEE Trans. Robotics 31(5): (2015).

69 ORB-SLAM: A Versatile and Accurate Monocular SLAM System 基本延续了 PTAM 的算法框架, 但对框架中的大部分组件都做了改进 选用 ORB 特征, 匹配和重定位性能更好. 加入了循环回路的检测和闭合机制, 以消除误 差累积. 通过检测视差来自动选择初始化的两帧. 采用一种更鲁棒的关键帧和三维点的选择机制.

70 Direct Tracking Thomas Schops, Jakob Engel, Daniel Cremers: Semi-dense visual odometry for AR on a smartphone. ISMAR 2014:

71 Direct Tracking Goal Estimate the camera motion by aligning intensity images and with depth map of Assumption I1 2 I1( x) I2( (, x, Z1( x))) Z I 1 I 1 warping function: maps a pixel from I 1 to I 2

72 Residual of the k-th pixel Posteriori likelihood Direct Tracking ) ( ))) (,, ( ( ) ( k k k k x I x Z x w I r ) ( ) ( ) ( ) ( ) ( ) ( ) ( r p p r p r p p r p r p k k

73 Semi-Dense Visual Odometry Jakob Engel, Jürgen Sturm, Daniel Cremers: Semi-dense Visual Odometry for a Monocular Camera. ICCV 2013:

74 Semi-Dense Visual Odometry Keyframe representation ) ( ) ( ) ( ),, ( 2 x V x D d x I i V D I K i d i i i i i i i i i image intensity inverse depth inverse depth variance

75 Semi-Dense Visual Odometry Overview

76 LSD-SLAM After loop closure Before loop closure Jakob Engel, Thomas Schops, Daniel Cremers: LSD-SLAM: Large-Scale Direct Monocular SLAM. ECCV (2) 2014:

77 LSD-SLAM Map representation Pose graph of keyframes Node: keyframe K I, D, V ) i ( i i i Edge: similarity transformation ji sim(3)

78 LSD-SLAM Overview

79 LSD-SLAM Direct sim(3) image alignment ),1/, ( ) ( ) ( ) ( ) ( ) ( )),1/ (, ( 1/ ), ( 2 ) ( )),1/, ( ( ), ( ), ( ), ( arg min ), ( ), ( 2 ), ( 2 2 ), ( 2 * i ji i d i j d j p r j i ji Z ji d d i p I p r i i ji j ji p p p r ji d p r ji p ji d p p p D r p V p D r p V p D d p T p r d r p I d p I p r p r p r ji d i ji p ji d ji p ji

80 LSD-SLAM Pose graph optimization Energy function: Kummerle, R., Grisetti, G., Strasdat, H., Konolige, K., Burgard, W.: g2o: A general framework for graph optimization. In: Intl. Conf. on Robotics and Automation(ICRA) (2011)

81 Key Issues for SLAM in Dynamic Environments Gradually changing

82 Key Issues for SLAM in Dynamic Environments Gradually changing Object Occlusion Viewpoint Change Dynamic Objects

83 Key Issues for SLAM in Dynamic Environments Gradually changing Object Occlusion Viewpoint Change Dynamic Objects Very low inlier ratio

84 RDSLAM Framework

85 Online 3D Points and Keyframes Updating Keyframe representation 3D Change detection Select 5 closest keyframes for online image. For each valid feature point x in each selected keyframe, Compute its projection x in current frame If difference, compute the appearance

86 Online 3D Points and Keyframes Updating Keyframe representation 3D Change detection Select 5 closest keyframes for online image. For each valid feature point x in each selected keyframe, Compute its projection x in current frame If difference Since dynamic points cannot be triangulated, the occlusion caused by dynamic objects can be excluded here., compute the appearance If, then find a set of feature points y close to x.

87 Online 3D Points and Keyframes Updating Keyframe representation 3D Change detection Select 5 closest keyframes for online image. For each valid feature point x in each selected keyframe, Compute its projection x in current frame If difference Since dynamic points cannot be triangulated, the occlusion caused by dynamic objects can be excluded here., compute the appearance If, then find a set of feature points y close to x. If or their depths are very close, set V(X)=0. The occlusions caused by static objects are also excluded.

88 Occlusion Handling

89 Random Sample Consensus (RANSAC) [Fischler and Bolles, 1981] Objective: Robust fit of a model to a data set S which contains outliers. Step 1. Compute a set of potential matches Step 2. While T(#inliers, #samples) < 95% do step 2.1 select minimal sample (6 matches) step 2.2 compute solutions for P step 2.3 determine inliers Step 3. Refine P based on all inliers

90 Prior-based Adaptive RANSAC Sample generation 10x10 bins Prior probability p i Hypothesis evaluation det( C) s ( i ) i A Inliers number N i i Inliers distribution, i.e., distribution ellipse C * / * i j j

91 Prior-based Adaptive RANSAC Hypothesis evaluation s ( i det( C) i ) A =24.94 = green points on the static background, 300 cyan points on the rigidly moving object, 500 red points are randomly moving.

92 Prior-based Adaptive RANSAC Hypothesis evaluation s ( i det( C) i ) A =24.94 S1 = 8.31 > S2 = 1.98 = green points on the static background, 300 cyan points on the rigidly moving object, 500 red points are randomly moving.

93 Comparison

94 Results and Comparison

95 Visual-Inertial SLAM Use IMU data to improve robustness Filtering-based methods MSCKF, SLAM in Project Tango, ARCore, ARKit Non-linear optimization based methods OKVIS, VINS, Can work without real IMU data?

96 RKSLAM Framework Multi-Homography based Tracking Global homography Specific Homography Local Homographies Sliding-window based pose optimization Use global image alignment to estimate rotational velocity Pose optimization with simulated IMU data

97 Sliding-Window based Pose Optimization Assume having IMU data Set and estimate by

98

99 Results and Comparisons

100 Quantitative Evaluation with TUM RGB-D Dataset From left to right: RMSE (cm) of keyframes, the starting ratio (i.e. dividing the initialization frame index by the total frame number), and the tracking success ratio after initialization. Group A: simple translation Group C: slow and nearly pure rotation Group B: there are loops Group D: fast motion with strong rotation

101 Timing Computation Time on a desktop PC For a mobile device 20~50 fps on an iphone 6.

102 Robust Keyframe-based Dense SLAM with an RGB-D Camera

103 RKD-SLAM 系统框架 非常快速鲁棒的基于 RGB-D 的跟踪方法 ( 单 CPU 下约 fps) 非常快速的增量集束调整算法 非常高效的基于关键帧的深度表达和融合方法 支持快速运动 回路闭合 重定位和长时间运行

104 Efficient Incremental BA 提出了一个非常高效的 Incremental Schur complement 计算方法 ; 采用 Preconditioned Conjugated Gradient 进行求解, 比 Factorization 的方法要快 ; 速度比 isam2 快一个数量级

105 Efficient Incremental BA 与 isam2 的对比 运行时间 Reprojection Error

106 Keyframe-based Fusion 对于新来的一帧 F i 如果是关键帧则 integrate 到 TSDF 上 如果是非关键帧, 则选出重合度最大的关键帧 F ki 进行 de-integrate. 然后将该帧深度融合到 F ki 上 然后将融合后的关键帧 re-integrate 到 TSDF 上

107 Keyframe-based Fusion 当关键帧的姿态发生改变 (EIBA 优化后 ) 根据 EIBA 的优化结果, 对姿态改变的关键帧进行 re-integration. 维护一个关键帧更新队列 优先更新姿态改变最大的关键帧 ; 每个时刻只对固定数量的关键帧进行 re-integration, 没有更新的关键帧会在放在后面的时刻更新

108 Comparison of ATE RMSE on all of the sequences on TUM RGB-D Benchmark

109 鲁棒处理快速运动

110 在线的回路闭合和三维表面调整

111 各类单目 V-SLAM 系统比较

112 典型应用 三维重建 视频分割与编辑 增强现实

113 三维重建

114 视频分割与编辑

115 增强现实

116 Visual SLAM 技术发展趋势 (1) 缓解特征依赖 基于边的跟踪 直接图像跟踪或半稠密跟踪 结合机器学习和先验 / 语义信息 稠密三维重建 单 / 多目实时三维重建 基于深度相机的实时三维重建 平面表达和模型自适应简化

117 Visual SLAM 技术发展趋势 (2) 多传感器融合 结合 IMU GPS 深度相机 光流计 里程计

118 我们的 SLAM 系统 RDSLAM RKSLAM 更多系统未来会放出来

119 推荐开源系统 PTAM ORB-SLAM LSD-SLAM DSO SVO

120 Open-source Solver & BA g2o: GTSAM& isam: Ceres Solver: Bundler: PBA: EIBA: the source code will be released soon.

121 Thank you!

实验室研究方向

实验室研究方向 多视图几何与 运动恢复结构 章国锋 浙江大学 CAD&CG 国家重点实验室 视频场景重建的流程 运动恢复结构 深度恢复 三维重建 针孔相机模型 投影方程 : 齐次坐标表示 : Richard Hartley and Andrew Zisserman. Multiple View Geometry in Computer Vision. Cambridge University Press, Second

More information

PowerPoint 演示文稿

PowerPoint 演示文稿 复杂环境下的视觉同时定位与地图构建 章国锋 浙江大学 CAD&CG 国家重点实验室 SLAM: 同时定位与地图构建 机器人和计算机视觉领域的基本问题 在未知环境中定位自身方位并同时构建环境三维地图 广泛的应用 增强现实 虚拟现实 机器人 无人驾驶 SLAM 常用的传感器 红外传感器 : 较近距离感应, 常用于扫地机器人 激光雷达 : 单线 多线等 摄像头 : 单目 双目 多目等 惯性传感器 ( 英文叫

More information

IP TCP/IP PC OS µclinux MPEG4 Blackfin DSP MPEG4 IP UDP Winsock I/O DirectShow Filter DirectShow MPEG4 µclinux TCP/IP IP COM, DirectShow I

IP TCP/IP PC OS µclinux MPEG4 Blackfin DSP MPEG4 IP UDP Winsock I/O DirectShow Filter DirectShow MPEG4 µclinux TCP/IP IP COM, DirectShow I 2004 5 IP TCP/IP PC OS µclinux MPEG4 Blackfin DSP MPEG4 IP UDP Winsock I/O DirectShow Filter DirectShow MPEG4 µclinux TCP/IP IP COM, DirectShow I Abstract The techniques of digital video processing, transferring

More information

2, : 257,, ; Pollefeys [4 ],,,,, ; [526 ],, ; Snavely [728 ], (500 ),,, EXIF, EXIF,, 2, ; Pollefeys [9 ],,,, (3),,,. X = [ X Y Z ] T, x = [ x y ] T, x

2, : 257,, ; Pollefeys [4 ],,,,, ; [526 ],, ; Snavely [728 ], (500 ),,, EXIF, EXIF,, 2, ; Pollefeys [9 ],,,, (3),,,. X = [ X Y Z ] T, x = [ x y ] T, x 22 2 200 2 Journal of Computer2Aided Design & Computer Graphics Vol. 22 No. 2 Feb. 200 ), ), ), 2), ) ) ( 0090) 2) ( 0004) (fzhang @nlpr. ia. ac. cn) :,,,,., ;, ;,, : ; ; : TP39 Automatic Reconstruction

More information

(Pattern Recognition) 1 1. CCD

(Pattern Recognition) 1 1. CCD ********************************* ********************************* (Pattern Recognition) 1 1. CCD 2. 3. 4. 1 ABSTRACT KeywordsMachine Vision, Real Time Inspection, Image Processing The purpose of this

More information

Microsoft Word - scribe_1_.doc

Microsoft Word - scribe_1_.doc Making Faces 2005/06/08 R93922063 陳 坤 毅 R93922087 莊 曜 誠 R93922105 王 博 民 3D acquisition for faces: 如 何 取 得 臉 的 3D model? 方 法 1: ( 經 費 足 夠 時 ) 使 用 Cyberware scanner. ( 可 對 臉 部 scan 亦 可 對 全 身 scan) 方 法 如

More information

UDC Empirical Researches on Pricing of Corporate Bonds with Macro Factors 厦门大学博硕士论文摘要库

UDC Empirical Researches on Pricing of Corporate Bonds with Macro Factors 厦门大学博硕士论文摘要库 10384 15620071151397 UDC Empirical Researches on Pricing of Corporate Bonds with Macro Factors 2010 4 Duffee 1999 AAA Vasicek RMSE RMSE Abstract In order to investigate whether adding macro factors

More information

****************************************************** Fundamentals of TV Tracking ****************************************************** ( ),,, :,,,,,, 1998 9 ( ISBN 7-118-01911-9),,, 1999 5 20 Email:

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

Microsoft Word - KSAE06-S0262.doc

Microsoft Word - KSAE06-S0262.doc Stereo Vision based Forward Collision Warning and Avoidance System Yunhee LeeByungjoo KimHogi JungPaljoo Yoon Central R&D Center, MANDO Corporation, 413-5, Gomae-Ri, Gibeung-Eub, Youngin-Si, Kyonggi-Do,

More information

Welch & Bishop, [Kalman60] [Maybeck79] [Sorenson70] [Gelb74, Grewal93, Maybeck79, Lewis86, Brown92, Jacobs93] x R n x k = Ax k 1 + Bu k 1 + w

Welch & Bishop, [Kalman60] [Maybeck79] [Sorenson70] [Gelb74, Grewal93, Maybeck79, Lewis86, Brown92, Jacobs93] x R n x k = Ax k 1 + Bu k 1 + w Greg Welch 1 and Gary Bishop 2 TR 95-041 Department of Computer Science University of North Carolina at Chapel Hill 3 Chapel Hill, NC 27599-3175 : 2006 7 24 2007 1 8 1960 1 welch@cs.unc.edu, http://www.cs.unc.edu/

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

40 8 Vol. 40, No ACTA AUTOMATICA SINICA August, ,,,.,.,,,.,.,,,.,,,. DOI,, L-M (Levenberg-Marquardt),,,.., 2014, 40(8):

40 8 Vol. 40, No ACTA AUTOMATICA SINICA August, ,,,.,.,,,.,.,,,.,,,. DOI,, L-M (Levenberg-Marquardt),,,.., 2014, 40(8): 40 8 Vol. 40, No. 8 2014 8 ACTA AUTOMATICA SINICA August, 2014 1 1 2.,,,.,.,,,.,.,,,.,,,. DOI,, L-M (Levenberg-Marquardt),,,.., 2014, 40(8): 1601 1611 10.3724/SP.J.1004.2014.01601 Bundle Adjustment for

More information

一 课 程 负 责 人 情 况 姓 名 吴 翊 性 别 男 出 生 年 月 1948.08.28 1. 基 本 信 息 学 位 硕 士 职 称 教 授 职 务 所 在 院 系 理 学 院 数 学 与 系 统 科 学 系 电 话 13808485157 研 究 方 向 数 据 处 理 近 三 年 来

一 课 程 负 责 人 情 况 姓 名 吴 翊 性 别 男 出 生 年 月 1948.08.28 1. 基 本 信 息 学 位 硕 士 职 称 教 授 职 务 所 在 院 系 理 学 院 数 学 与 系 统 科 学 系 电 话 13808485157 研 究 方 向 数 据 处 理 近 三 年 来 湖 南 省 普 通 高 等 学 校 省 级 精 品 课 程 复 核 申 报 表 学 校 名 称 : 课 程 名 称 : 课 程 负 责 人 : 立 项 时 间 : 国 防 科 技 大 学 概 率 论 与 数 理 统 计 吴 翊 2009 年 课 程 网 站 地 址 :jpkc2009.nudt.edu.cn/gllysltj jpkc.nudt.edu.cn/gltj 湖 南 省 教 育 厅 制 二

More information

θ 1 = φ n -n 2 2 n AR n φ i = 0 1 = a t - θ θ m a t-m 3 3 m MA m 1. 2 ρ k = R k /R 0 5 Akaike ρ k 1 AIC = n ln δ 2

θ 1 = φ n -n 2 2 n AR n φ i = 0 1 = a t - θ θ m a t-m 3 3 m MA m 1. 2 ρ k = R k /R 0 5 Akaike ρ k 1 AIC = n ln δ 2 35 2 2012 2 GEOMATICS & SPATIAL INFORMATION TECHNOLOGY Vol. 35 No. 2 Feb. 2012 1 2 3 4 1. 450008 2. 450005 3. 450008 4. 572000 20 J 101 20 ARMA TU196 B 1672-5867 2012 02-0213 - 04 Application of Time Series

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

1 引言

1 引言 P P 第 40 卷 Vol.40 第 7 期 No.7 计 算 机 工 程 Computer Engineering 014 年 7 月 July 014 开 发 研 究 与 工 程 应 用 文 章 编 号 :1000-348(014)07-081-05 文 献 标 识 码 :A 中 图 分 类 号 :TP391.41 摘 基 于 图 像 识 别 的 震 象 云 地 震 预 测 方 法 谢 庭,

More information

Microsoft Word 章国锋.doc

Microsoft Word 章国锋.doc 第 8 卷第 6 期 计算机辅助设计与图形学学报 Vol. 8 No.6 016 年 6 月 Journal of Computer-Aided Design & Computer Graphics Jun. 016 基于单目视觉的同时定位与地图构建方法综述 刘浩敏 1), 章国锋 1,)* 1), 鲍虎军 1) ( 浙江大学 CAD&CG 国家重点实验室杭州 310058) ) ( 浙江大学工业信息物理融合系统协同创新中心杭州

More information

Journal of Northwestern Polytechnical University Apr. Vol No. 2 ICM ICM ICM ICM ICM ICM TP A

Journal of Northwestern Polytechnical University Apr. Vol No. 2 ICM ICM ICM ICM ICM ICM TP A 2012 4 30 2 Journal of Northwestern Polytechnical University Apr. Vol. 30 2012 No. 2 ICM 710072 ICM ICM ICM ICM ICM TP391. 41 A 1000-2758 2012 02-0201-05 6 2001 Kinser Johnson ICM intersecting cortical

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

Microsoft Word - 6---15009 孙丰-作者校.doc

Microsoft Word - 6---15009 孙丰-作者校.doc 第 28 卷 第 4 期 计 算 机 辅 助 设 计 与 图 形 学 学 报 Vol. 28 No.4 2016 年 4 月 Journal of Computer-Aided Design & Computer Graphics Apr. 2016 一 种 针 对 移 动 相 机 的 实 时 视 频 背 景 减 除 算 法 孙 丰 1,2), 秦 开 怀 1)*, 孙 伟 3) 1), 郭 华 源

More information

COCO18-DensePose-BUPT-PRIV

COCO18-DensePose-BUPT-PRIV * Beijing University of Posts and Telecommunications (BUPT) COCO 2018 DensePose Test AP AP50 AP75 APm APl BUPT-PRIV (Ours) 64 92 75 57 67 PlumSix 58 89 66 50 61 ML_Lab 57 89 64 51 59 Sound of silent 57

More information

第 2 期 王 向 东 等 : 一 种 运 动 轨 迹 引 导 下 的 举 重 视 频 关 键 姿 态 提 取 方 法 257 竞 技 体 育 比 赛 越 来 越 激 烈, 为 了 提 高 体 育 训 练 的 效 率, 有 必 要 在 体 育 训 练 中 引 入 科 学 定 量 的 方 法 许 多

第 2 期 王 向 东 等 : 一 种 运 动 轨 迹 引 导 下 的 举 重 视 频 关 键 姿 态 提 取 方 法 257 竞 技 体 育 比 赛 越 来 越 激 烈, 为 了 提 高 体 育 训 练 的 效 率, 有 必 要 在 体 育 训 练 中 引 入 科 学 定 量 的 方 法 许 多 2014 年 4 月 图 学 学 报 April 2014 第 35 卷 第 2 期 JOURNAL OF GRAPHICS Vol.35 No.2 一 种 运 动 轨 迹 引 导 下 的 举 重 视 频 关 键 姿 态 提 取 方 法 王 向 东 1, 张 静 文 2, 毋 立 芳 2, 徐 文 泉 (1. 国 家 体 育 总 局 体 育 科 学 研 究 所, 北 京 100061;2. 北 京

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

实验室研究方向

实验室研究方向 RGB-D SLAM 章国锋 浙江大学 CAD&CG 国家重点实验室 RGB-D 相机跟踪 RGB-D Sensor 双目 结构光 TOF 相机跟踪 特征点法 ICP RGB-D 对齐 RGB-D 相机跟踪 RGB-D 传感器 Kinect, Xtion, ZED, Intel RealSense, Kinect Xtion 图片来自微软 华硕官网 RGB-D 传感器 按工作原理分类 ; 双目方案

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

JOURNAL OF APPLIED SCIENCES Electronics and Information Engineering Vol. 28 No. 6 Nov DOI: /j.issn

JOURNAL OF APPLIED SCIENCES Electronics and Information Engineering Vol. 28 No. 6 Nov DOI: /j.issn 28 6 2010 11 JOURNAL OF APPLIED SCIENCES Electronics and Information Engineering Vol. 28 No. 6 Nov. 2010 DOI: 10.3969/j.issn.0255-8297.2010.06.011 200072..... TP391.41 0255-8297(2010)06-0621-07 General

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

<4D6963726F736F667420576F7264202D20C9CFBAA3BFC6BCBCB4F3D1A7D0C5CFA2D1A7D4BA32303136C4EAC7EFBCBEC8EBD1A7B2A9CABFD7CAB8F1BFBCCAD4CAB5CAA9CFB8D4F22D30343036C8B7B6A8B8E5>

<4D6963726F736F667420576F7264202D20C9CFBAA3BFC6BCBCB4F3D1A7D0C5CFA2D1A7D4BA32303136C4EAC7EFBCBEC8EBD1A7B2A9CABFD7CAB8F1BFBCCAD4CAB5CAA9CFB8D4F22D30343036C8B7B6A8B8E5> 上 海 科 技 大 学 信 息 科 学 与 技 术 学 院 年 度 博 士 资 格 考 试 实 施 细 则 一 总 则 本 细 则 由 上 海 科 技 大 学 信 息 科 学 与 技 术 学 院 ( 以 下 简 称 信 息 学 院 ) 教 学 指 导 委 员 会 讨 论 制 定, 适 用 于 信 息 学 院 2014 级 硕 士 研 究 生 的 年 度 博 士 资 格 考 试 信 息 学 院 2014

More information

Microsoft Word - 00-巻頭言.doc

Microsoft Word - 00-巻頭言.doc DR DR DR (6-1) DR GPSGlobal Positioning System CANCar Area Network (6-2) DR (6-3) DR - 89 - 6-1-1 GPSGlobal Positioning System 1024 768[pixel] 30[fps] GPS PC Bluetooth SSDSolid State Drive RAID 1[TB] Baumer

More information

彩色地图中道路的识别和提取

彩色地图中道路的识别和提取 9310016, i ii Abstract This thesis is on the researching of recognizing the roads in map image by computer. Based on the theory of Pattern Recognition, there is a method to be discussed, which can recognize

More information

清 潔 機 器 人 覆 蓋 率 分 析 之 研 究 A Study of Coverage Analysis for Cleaning Robot 研 究 生 : 林 育 昇 撰 指 導 教 授 : 陳 智 勇 博 士 樹 德 科 技 大 學 電 腦 與 通 訊 研 究 所 碩 士 論 文 A Th

清 潔 機 器 人 覆 蓋 率 分 析 之 研 究 A Study of Coverage Analysis for Cleaning Robot 研 究 生 : 林 育 昇 撰 指 導 教 授 : 陳 智 勇 博 士 樹 德 科 技 大 學 電 腦 與 通 訊 研 究 所 碩 士 論 文 A Th 樹 德 科 技 大 學 電 腦 與 通 訊 研 究 所 碩 士 論 文 清 潔 機 器 人 覆 蓋 率 分 析 之 研 究 A Study of Coverage Analysis for Cleaning Robot 研 究 生 : 林 育 昇 撰 指 導 教 授 : 陳 智 勇 博 士 中 華 民 國 一 百 零 一 年 六 月 清 潔 機 器 人 覆 蓋 率 分 析 之 研 究 A Study

More information

soturon.dvi

soturon.dvi DP Contour Morphing 2005 3 A Graduation Thesis of College of Engineering, Chubu University Contour Morphing based on continuous DP matching Taichi Nomura 1 1 2 3 2.1 Flash Shape Tweening : : : : : : :

More information

(6-1) (6-2) (6-3)

(6-1) (6-2) (6-3) (6-1) (6-2) (6-3) 28-85 - 6-1-1 28 8 (6-4) (6-5) 5-86 - 6-1-2 (a) (b) (6-6) (c) (d) 4 5[s] 10 a) (b) (c) (d) 6-1-1 4 16 10 18 4 6-1-3 6-1-2(a) 6-1-2(b) 6-1-2(c) 6-1-2(d) a b d c c d b c b 170 d - 87 -

More information

System Design and Setup of a Robot to Pass over Steps Abstract In the research, one special type of robots that can pass over steps is designed and se

System Design and Setup of a Robot to Pass over Steps Abstract In the research, one special type of robots that can pass over steps is designed and se 8051 8051 System Design and Setup of a Robot to Pass over Steps Abstract In the research, one special type of robots that can pass over steps is designed and setup. This type of robot uses two kinds of

More information

Corporate Social Responsibility CSR CSR CSR 1 2 ~ CSR 6 CSR 7 CSR 8 CSR 9 10 ~ CSR 14 CSR CSR 2013 A A 23.

Corporate Social Responsibility CSR CSR CSR 1 2 ~ CSR 6 CSR 7 CSR 8 CSR 9 10 ~ CSR 14 CSR CSR 2013 A A 23. 24 3 Vol. 24 No. 3 2015 6 OPERATIONS RESEARCH AND MANAGEMENT SCIENCE Jun. 2015 1 2 2 1. 300071 2. 300071 Markowitz 10 F830. 59 A 1007-3221 2015 03-0275-13 Improvement of Portfolio Models Research An Empirical

More information

08陈会广

08陈会广 第 34 卷 第 10 期 2012 年 10 月 2012,34(10):1871-1880 Resources Science Vol.34,No.10 Oct.,2012 文 章 编 号 :1007-7588(2012)10-1871-10 房 地 产 市 场 及 其 细 分 的 调 控 重 点 区 域 划 分 理 论 与 实 证 以 中 国 35 个 大 中 城 市 为 例 陈 会 广 1,

More information

70 Harris SIFT Harris SIFT HSV hue saturation value Harris SIFT RGB red green blue HSV 11 1 if α I v x y B v x y β shadow x y = 1 &I s x y - B s x y t

70 Harris SIFT Harris SIFT HSV hue saturation value Harris SIFT RGB red green blue HSV 11 1 if α I v x y B v x y β shadow x y = 1 &I s x y - B s x y t 3 12 6 Vol No 3 JOURNAL OF HARBIN UNIVERSITY OF SCIENCE AND TECHNOLOGY Jun 12 Harris SIFT 1 1 1 2 2 1 0001 2 0090 Harris SIFT SIFT 2 /3 Harris SIFT TP391 A 1007-2683 12 03-0069- 05 Harris Corner and SIFT

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

~ 10 2 P Y i t = my i t W Y i t 1000 PY i t Y t i W Y i t t i m Y i t t i 15 ~ 49 1 Y Y Y 15 ~ j j t j t = j P i t i = 15 P n i t n Y

~ 10 2 P Y i t = my i t W Y i t 1000 PY i t Y t i W Y i t t i m Y i t t i 15 ~ 49 1 Y Y Y 15 ~ j j t j t = j P i t i = 15 P n i t n Y * 35 4 2011 7 Vol. 35 No. 4 July 2011 3 Population Research 1950 ~ 1981 The Estimation Method and Its Application of Cohort Age - specific Fertility Rates Wang Gongzhou Hu Yaoling Abstract Based on the

More information

Z-I A b Z-I A b Z Z-I A A b Z-I Miller [5] Z i I i Z-I [6] Z-I Z-I Z-I Z-I Z I Wilson [7] 1970 [8] [9] 20.32% Sasaki [10] Nino- miya [11] [12]

Z-I A b Z-I A b Z Z-I A A b Z-I Miller [5] Z i I i Z-I [6] Z-I Z-I Z-I Z-I Z I Wilson [7] 1970 [8] [9] 20.32% Sasaki [10] Nino- miya [11] [12] 24 2 Vol.24, No.2 2008 04 JOURNAL OF TROPICAL METEOROLOGY Apr., 2008 1004-4965(2008)02-0147-09 1 2 2 3 3 (1. 310017 2. 100081 3. 325001) Z-I A b Z I (Haitang) (Matsa) Z-I Z-I P458.1.24 A 1 [1] [2] [3]

More information

SVM OA 1 SVM MLP Tab 1 1 Drug feature data quantization table

SVM OA 1 SVM MLP Tab 1 1 Drug feature data quantization table 38 2 2010 4 Journal of Fuzhou University Natural Science Vol 38 No 2 Apr 2010 1000-2243 2010 02-0213 - 06 MLP SVM 1 1 2 1 350108 2 350108 MIP SVM OA MLP - SVM TP391 72 A Research of dialectical classification

More information

Microsoft Word - 专论综述1.doc

Microsoft Word - 专论综述1.doc 2016 年 第 25 卷 第 期 http://www.c-s-a.org.cn 计 算 机 系 统 应 用 1 基 于 节 点 融 合 分 层 法 的 电 网 并 行 拓 扑 分 析 王 惠 中 1,2, 赵 燕 魏 1,2, 詹 克 非 1, 朱 宏 毅 1 ( 兰 州 理 工 大 学 电 气 工 程 与 信 息 工 程 学 院, 兰 州 730050) 2 ( 甘 肃 省 工 业 过 程 先

More information

标题

标题 第 40 卷 第 7 期 2014 年 7 月 北 京 工 业 大 学 学 报 JOURNAL OF BEIJING UNIVERSITY OF TECHNOLOGY Vol. 40 No. 7 Jul. 2014 基 于 图 像 识 别 技 术 的 烟 包 封 条 缺 陷 检 测 赵 众, 常 灿, 陈 磊 ( 北 京 化 工 大 学 信 息 学 院, 北 京 100029) 摘 要 : 为 了

More information

Dan Buettner / /

Dan Buettner / / 39 1 2015 1 Vol. 39 No. 1 January 2015 74 Population Research 80 + /60 + 90 + 90 + 0 80 100028 Measuring and Comparing Population Longevity Level across the Regions of the World Lin Bao Abstract Appropriate

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 SSBSE .ppt [Modo de Compatibilidade]

Microsoft PowerPoint SSBSE .ppt [Modo de Compatibilidade] SSBSE 2015, Bergamo Transformed Search Based Software Engineering: A New Paradigm of SBSE He JIANG, Zhilei Ren, Xiaochen Li, Xiaochen Lai jianghe@dlut.edu.cn School of Software, Dalian Univ. of Tech. Outline

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

填 写 要 求 一 以 word 文 档 格 式 如 实 填 写 各 项 二 表 格 文 本 中 外 文 名 词 第 一 次 出 现 时, 要 写 清 全 称 和 缩 写, 再 次 出 现 时 可 以 使 用 缩 写 三 涉 密 内 容 不 填 写, 有 可 能 涉 密 和 不 宜 大 范 围 公

填 写 要 求 一 以 word 文 档 格 式 如 实 填 写 各 项 二 表 格 文 本 中 外 文 名 词 第 一 次 出 现 时, 要 写 清 全 称 和 缩 写, 再 次 出 现 时 可 以 使 用 缩 写 三 涉 密 内 容 不 填 写, 有 可 能 涉 密 和 不 宜 大 范 围 公 2013 年 度 上 海 高 校 市 级 精 品 课 程 申 报 表 ( 本 科 ) 学 校 名 称 东 华 大 学 课 程 名 称 计 算 机 系 统 与 网 络 技 术 课 程 类 型 理 论 课 ( 不 含 实 践 ) 理 论 课 ( 含 实 践 ) 实 验 ( 践 ) 课 所 属 一 级 学 科 名 称 所 属 二 级 学 科 名 称 课 程 负 责 人 申 报 日 期 工 科 计 算 机

More information

MAXQ BA ( ) / 20

MAXQ BA ( ) / 20 MAXQ BA11011028 2016 6 7 () 2016 6 7 1 / 20 1 2 3 4 () 2016 6 7 2 / 20 RoboCup 2D 11 11 100ms/ 1: RoboCup 2D () 2016 6 7 3 / 20 2: () 2016 6 7 4 / 20 () 2016 6 7 5 / 20 Markov Decision Theory [Puterman,

More information

2 ( 自 然 科 学 版 ) 第 20 卷 波 ). 这 种 压 缩 波 空 气 必 然 有 一 部 分 要 绕 流 到 车 身 两 端 的 环 状 空 间 中, 形 成 与 列 车 运 行 方 向 相 反 的 空 气 流 动. 在 列 车 尾 部, 会 产 生 低 于 大 气 压 的 空 气 流

2 ( 自 然 科 学 版 ) 第 20 卷 波 ). 这 种 压 缩 波 空 气 必 然 有 一 部 分 要 绕 流 到 车 身 两 端 的 环 状 空 间 中, 形 成 与 列 车 运 行 方 向 相 反 的 空 气 流 动. 在 列 车 尾 部, 会 产 生 低 于 大 气 压 的 空 气 流 第 20 卷 第 3 期 2014 年 6 月 ( 自 然 科 学 版 ) JOURNAL OF SHANGHAI UNIVERSITY (NATURAL SCIENCE) Vol. 20 No. 3 June 2014 DOI: 10.3969/j.issn.1007-2861.2013.07.031 基 于 FLUENT 测 轨 道 交 通 隧 道 中 电 波 折 射 率 结 构 常 数 张 永

More information

Microsoft Word - A200810-897.doc

Microsoft Word - A200810-897.doc 基 于 胜 任 特 征 模 型 的 结 构 化 面 试 信 度 和 效 度 验 证 张 玮 北 京 邮 电 大 学 经 济 管 理 学 院, 北 京 (100876) E-mail: weeo1984@sina.com 摘 要 : 提 高 结 构 化 面 试 信 度 和 效 度 是 面 试 技 术 研 究 的 核 心 内 容 近 年 来 国 内 有 少 数 学 者 探 讨 过 基 于 胜 任 特 征

More information

一次辽宁暴雨过程的诊断及风场反演分析

一次辽宁暴雨过程的诊断及风场反演分析 Climate Change Research Letters 气 候 变 化 研 究 快 报, 2013, 2, 139-146 http://dx.doi.org/10.12677/ccrl.2013.24024 Published Online October 2013 (http://www.hanspub.org/journal/ccrl.html) Analysis of the Diagnosis

More information

Sep (SCI) 10. Jiann-Ming Wu, Annealing by two sets of interactive dynamics, IEEE Trans. on Systems Man and Cybernetics Part B-Cybernetics 34 (3)

Sep (SCI) 10. Jiann-Ming Wu, Annealing by two sets of interactive dynamics, IEEE Trans. on Systems Man and Cybernetics Part B-Cybernetics 34 (3) 03-863-3531 E-mail jmwu@mail.ndhu.edu.tw /(1990/06-1994/06) (1988/06-1990/06) (1984/09-1988/06) / (1997/8-) (1996/08-1997/07) () 1996 8 Wu, Jiann-Ming ( SCI EI SSCI TSSCI EconLit A&HCI ) 1. Pei-Hsun Hsu

More information

ZUBAN.dvi

ZUBAN.dvi 第 49 卷 第 3 期 2013 年 6 月 兰 州 大 学 学 报 ( 自 然 科 学 版 ) Journal of Lanzhou University (Natural Sciences) Vol. 49 No. 3 Jun. 2013 文 章 编 号 : 0455-2059(2013)03-0299-07 西 北 地 区 城 市 化 过 程 中 水 资 源 约 束 时 空 变 化 以 西

More information

<4D6963726F736F667420506F776572506F696E74202D20C8EDBCFEBCDCB9B9CAA6D1D0D0DEBDB2D7F92E707074>

<4D6963726F736F667420506F776572506F696E74202D20C8EDBCFEBCDCB9B9CAA6D1D0D0DEBDB2D7F92E707074> 软 件 架 构 师 研 修 讲 座 胡 协 刚 软 件 架 构 师 UML/RUP 专 家 szjinco@public.szptt.net.cn 中 国 软 件 架 构 师 网 东 软 培 训 中 心 小 故 事 : 七 人 分 粥 当 前 软 件 团 队 的 开 发 现 状 和 面 临 的 问 题 软 件 项 目 的 特 点 解 决 之 道 : 从 瀑 布 模 型 到 迭 代 模 型 解 决 项

More information

M M. 20

M M. 20 37 1 Vol. 37 No.1 2 0 1 6 1 TSINGHUA JOURNAL OF EDUCATION Jan. 2 0 1 6 4. 0 100872 1. 0 2. 0 3. 0 4. 0 4. 0 4. 0 G640 A 1001-4519 2016 01-0006 - 10 DOI 10. 14138 /j. 1001-4519. 2016. 01. 000610 11-12 18

More information

<4D6963726F736F667420506F776572506F696E74202D20C15AAEC4A6D2AED6BB50C15AAEC4BADEB27A2D2DA578A4A4AF5A5B315D>

<4D6963726F736F667420506F776572506F696E74202D20C15AAEC4A6D2AED6BB50C15AAEC4BADEB27A2D2DA578A4A4AF5A5B315D> 員 工 績 效 評 估 與 績 效 管 理 黃 良 志 教 授 國 立 中 正 大 學 勞 工 關 係 學 系 1 績 效 考 核 的 重 要 性 績 效 考 核 乃 是 對 員 工 在 特 定 期 間 的 工 作 成 果 之 評 價, 藉 以 作 為 調 薪 任 免 或 晉 升 等 人 事 決 策 之 參 考, 或 進 一 步 作 為 工 作 輔 導 決 定 訓 練 需 求 及 員 工 生 涯 發

More information

acl2017_linguistically-regularized-lstm-MinlieHuang

acl2017_linguistically-regularized-lstm-MinlieHuang ACL 2017 Linguistically Regularized LSTM for Sentiment Classification Qiao Qian, Minlie Huang, Jinhao Lei, Xiaoyan Zhu Dept. of Computer Science Tsinghua University 1 aihuang@tsinghua.edu.cn Outline Introduction

More information

实验室研究方向

实验室研究方向 RGB-D SLAM 姜翰青商汤科技研究院浙大 - 商汤三维视觉联合实验室 目录 RGB-D 传感器 RGB-D 相机跟踪 模型表示与重建 RKD-SLAM 产业化应用 RGB-D 传感器 RGB-D 传感器 Kinect Xtion ZED Tango 等等 Kinect Xtion 图片来自微软 华硕官网 RGB-D 传感器 按工作原理分类 : 双目方案 ZED Tango 结构光方案 TOF

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

68 ( ) 2006,,,,,,,,,, (narrative history),,, [1 ] (P ),,,,,,, [ 2 ] ( P ), ;,,,,,,,,,,,,,, (1917),, 30,,,, :,, ;,,,,, ( ) ( ), :,,,,,,,,,,

68 ( ) 2006,,,,,,,,,, (narrative history),,, [1 ] (P ),,,,,,, [ 2 ] ( P ), ;,,,,,,,,,,,,,, (1917),, 30,,,, :,, ;,,,,, ( ) ( ), :,,,,,,,,,, 43 2 2006 3 ( ) Journal of Peking University( Philo sophy and Social Science s) Vol. 43, No. 2 Mar. 2006 (, 100871) :,,,,,,,,,, : ; ; ; : I20616 :A :100025919 (2006) 0220067211,,,, 20,, (, ),,,,,,, ( ),,,,,,,,,,,,,,,,

More information

Microsoft PowerPoint - talk8.ppt

Microsoft PowerPoint - talk8.ppt Adaptive Playout Scheduling Using Time-scale Modification Yi Liang, Nikolaus Färber Bernd Girod, Balaji Prabhakar Outline QoS concerns and tradeoffs Jitter adaptation as a playout scheduling scheme Packet

More information

簡報技巧

簡報技巧 2 Q & A 4 7 Presenter Audienc e 7 10 / 11 7 / 11 / 7 55 11 / 7 55 38 11 12 13 14 Q & A 1. : 1. : 1. : / 5W Who What When Where Why 1. : / 5W Who What When 5W2H How to do How much Where Why 1.

More information

20 5 Vol.20 No.5 2018 9 Journal of Shijiazhuang University Sep. 2018 1 2 1 1. 100029 2. 063000 F752.5 A 1673-19722018 05-0073-12 DOI:10.13573/j.cnki.sjzxyxb.2018.05.014 2017 2 [1]25 [2] [3]12 2018-06-02

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

致 谢 本 人 自 2008 年 6 月 从 上 海 外 国 语 大 学 毕 业 之 后, 于 2010 年 3 月 再 次 进 入 上 外, 非 常 有 幸 成 为 汉 语 国 际 教 育 专 业 的 研 究 生 回 顾 三 年 以 来 的 学 习 和 生 活, 顿 时 感 觉 这 段 时 间 也

致 谢 本 人 自 2008 年 6 月 从 上 海 外 国 语 大 学 毕 业 之 后, 于 2010 年 3 月 再 次 进 入 上 外, 非 常 有 幸 成 为 汉 语 国 际 教 育 专 业 的 研 究 生 回 顾 三 年 以 来 的 学 习 和 生 活, 顿 时 感 觉 这 段 时 间 也 精 英 汉 语 和 新 实 用 汉 语 课 本 的 对 比 研 究 The Comparative Study of Jing Ying Chinese and The New Practical Chinese Textbook 专 业 : 届 别 : 姓 名 : 导 师 : 汉 语 国 际 教 育 2013 届 王 泉 玲 杨 金 华 1 致 谢 本 人 自 2008 年 6 月 从 上 海 外

More information

untitled

untitled TFT-LCD Mura & Y.H. Tseng 2006.12.4 Outline Mura Mura Mura 類 度 Mura Mura JND Mura Convolution filter (Filter design) Statistical method (ANOVA,EWMA) Backgroup estimation (LSD) 2 What is Mura- Mura Mura

More information

國立屏東教育大學碩士班研究生共同修業要點

國立屏東教育大學碩士班研究生共同修業要點 目 錄 壹 國 立 屏 東 大 學 碩 士 班 研 究 生 共 同 修 業 辦 法...1 貳 國 立 屏 東 大 學 應 用 數 學 系 碩 士 班 研 究 生 修 業 要 點...5 參 應 用 數 學 系 碩 士 班 課 程 結 構...9 肆 應 用 數 學 系 專 任 師 資 簡 介...15 伍 應 用 數 學 系 碩 士 班 歷 屆 研 究 生 論 文 資 料...17 附 錄 一 國

More information

Microsoft Word - ED-774.docx

Microsoft Word - ED-774.docx journal.newcenturyscience.com/index.php/gjanp Global Journal of Advanced Nursing Practice,214,Vol.1,No.1 The practicality of an improved method of intravenous infusion exhaust specialized in operating

More information

國家圖書館典藏電子全文

國家圖書館典藏電子全文 I Abstract II III ... I Abstract...II...III... IV... VI 1...1 2...3 2-1...3 2-2...4 2-3...6 2-4...6 3...8 3-1...8 3-2...10 4...12 5...15 5-1...15 5-2...17 IV 5-3...18 6...21 6-1...21 6-2...22 6-3...22

More information

A dissertation for Master s degree Metro Indoor Coverage Systems Analysis And Design Author s Name: Sheng Hailiang speciality: Supervisor:Prof.Li Hui,

A dissertation for Master s degree Metro Indoor Coverage Systems Analysis And Design Author s Name: Sheng Hailiang speciality: Supervisor:Prof.Li Hui, 中 国 科 学 技 术 大 学 工 程 硕 士 学 位 论 文 地 铁 内 移 动 通 信 室 内 覆 盖 分 析 及 应 用 作 者 姓 名 : 学 科 专 业 : 盛 海 亮 电 子 与 通 信 导 师 姓 名 : 李 辉 副 教 授 赵 红 媛 高 工 完 成 时 间 : 二 八 年 三 月 十 日 University of Science and Technology of Ch A dissertation

More information

P(x,y) P(x-1,y) P(x,y-1) P(x,y+1) P(x+1,y) 1 3.2 Sobel LaplacePrewittRoberts Sobel [2] Sobel 3.3 2 [6] 0 1 1: P(x,y) t (4-connectivity) 2: P(x,y) t 3:

P(x,y) P(x-1,y) P(x,y-1) P(x,y+1) P(x+1,y) 1 3.2 Sobel LaplacePrewittRoberts Sobel [2] Sobel 3.3 2 [6] 0 1 1: P(x,y) t (4-connectivity) 2: P(x,y) t 3: chdong@npic.edu.tw rola@mail.stu.edu.tw (ITS) (LPR) ITS 2. [1][8] [3][9][12] [9] frequency table Sobel [3][12] RGB HSB color model [11] Hough transformation Sobel [4] [10] 1. Intelligent Transportation

More information

标题

标题 第 46 卷 第 11 期 2 1 4 年 11 月 哈 尔 滨 工 业 大 学 学 报 JOURNAL OF HARBIN INSTITUTE OF TECHNOLOGY Vol 46 No 11 Nov 214 基 于 摄 像 测 量 法 的 在 轨 柔 性 结 构 模 态 参 数 辨 识 许 畅 王 聪 高 晶 波 张 春 芳 ( 哈 尔 滨 工 业 大 学 航 天 学 院 151 哈 尔 滨

More information

240 生 异 性 相 吸 的 异 性 效 应 [6] 虽 然, 心 理 学 基 础 研 [7-8] 究 已 经 证 实 存 在 异 性 相 吸 异 性 相 吸 是 否 存 在 于 名 字 认 知 识 别 尚 无 报 道 本 实 验 选 取 不 同 性 别 的 名 字 作 为 刺 激 材 料, 通

240 生 异 性 相 吸 的 异 性 效 应 [6] 虽 然, 心 理 学 基 础 研 [7-8] 究 已 经 证 实 存 在 异 性 相 吸 异 性 相 吸 是 否 存 在 于 名 字 认 知 识 别 尚 无 报 道 本 实 验 选 取 不 同 性 别 的 名 字 作 为 刺 激 材 料, 通 2011 年 Journal of Capital Medical University 4月 第2 期 Apr 2011 Vol 32 No 2 基础研究 doi: 10 3969 / j issn 1006-7795 2011 02 015 人脑识别不同性别名字反应时的差异研究 高迎霄 陈昭燃 * 张明霞 ( 首都医科大学神经生物系高级脑功能中心) 摘要 目的 探讨男女对不同性别名字认知加工速度是否存在差异

More information

Microsoft PowerPoint - Aqua-Sim.pptx

Microsoft PowerPoint - Aqua-Sim.pptx Peng Xie, Zhong Zhou, Zheng Peng, Hai Yan, Tiansi Hu, Jun-Hong Cui, Zhijie Shi, Yunsi Fei, Shengli Zhou Underwater Sensor Network Lab 1 Outline Motivations System Overview Aqua-Sim Components Experimental

More information

Microsoft PowerPoint ARIS_Platform_en.ppt

Microsoft PowerPoint ARIS_Platform_en.ppt ARIS Platform www.ixon.com.tw ARIS ARIS Architecture of Integrated Information System Prof. Dr. Dr. h.c. mult. August-Wilhelm Scheer ARIS () 2 IDS Scheer AG International Presence >> Partners and subsidiaries

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

1.ai

1.ai HDMI camera ARTRAY CO,. LTD Introduction Thank you for purchasing the ARTCAM HDMI camera series. This manual shows the direction how to use the viewer software. Please refer other instructions or contact

More information

小組工作定義 (Lee, 1999)

小組工作定義 (Lee, 1999) 跨 越 理 論 與 實 踐 的 鴻 溝 : 怎 樣 應 用 理 論 知 識 於 小 組 工 作 中? 李 德 仁 香 港 城 市 大 學 應 用 社 會 科 學 系 副 教 授 從 事 社 會 工 作 教 育 以 來, 一 直 教 授 小 組 工 作 方 法, 發 現 同 學 們 常 以 學 習 此 方 法 為 苦 原 因 是 從 事 小 組 工 作 要 求 廣 的 知 識 基 礎, 大 體 上 有

More information

~ ~

~ ~ * 40 4 2016 7 Vol. 40 No. 4 July 2016 35 Population Research 2014 1 2016 2016 9101. 0 40 49. 6% 2017 ~ 2021 1719. 5 160 ~ 470 100872 Accumulated Couples and Extra Births under the Universal Tw o-child

More information

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

國立中山大學學位論文典藏.PDF ( ) 2-1 p33 3-1 p78 3-2 p79 3-3 p80 3-4 p90 4-1 p95 4-2 p97 4-3 p100 4-4 p103 4-5 p105 4-6 p107 4-7 p108 4-8 p108 4-9 p112 4-10 p114 4-11 p117 4-12 p119 4-13 p121 4-14 p123 4-15 p124 4-16 p131 4-17 p133

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

Vol. 15 No. 1 JOURNAL OF HARBIN UNIVERSITY OF SCIENCE AND TECHNOLOGY Feb O21 A

Vol. 15 No. 1 JOURNAL OF HARBIN UNIVERSITY OF SCIENCE AND TECHNOLOGY Feb O21 A 5 200 2 Vol 5 No JOURNAL OF HARBIN UNIVERSITY OF SCIENCE AND TECHNOLOGY Feb 200 2 2 50080 2 30024 O2 A 007-2683 200 0-0087- 05 A Goodness-of-fit Test Based on Empirical Likelihood and Application ZHOU

More information

92 湖 南 工 业 大 学 学 报 2014 年 基 于 特 征 的 方 法 是 现 今 图 像 匹 配 的 主 要 研 究 与 发 展 方 向 这 种 匹 配 方 法 的 原 理 是, 寻 找 待 处 理 图 像 某 区 域 中 的 特 征 点 或 者 关 键 点, 在 计 算 特 征 点 周

92 湖 南 工 业 大 学 学 报 2014 年 基 于 特 征 的 方 法 是 现 今 图 像 匹 配 的 主 要 研 究 与 发 展 方 向 这 种 匹 配 方 法 的 原 理 是, 寻 找 待 处 理 图 像 某 区 域 中 的 特 征 点 或 者 关 键 点, 在 计 算 特 征 点 周 第 28 卷 第 4 期 2014 年 7 月 湖 南 工 业 大 学 学 报 Journal of Hunan University of Technology Vol.28 No.4 July 2014 doi:10.3969/j.issn.1673-9833.2014.04.020 基 于 LBP 直 方 图 和 SIFT 的 药 品 包 装 缺 陷 检 测 方 法 陈 财 彪, 于 惠 钧,

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

2 139 Hough (R, T ) [5] Hough. Fourier-Mellin. Fourier Fourier- Mellin (R, T ) Hausdorff ICP T. 2 3 Hough 4 Fourier-Mellin [2, 3] P 1, P

2 139 Hough (R, T ) [5] Hough. Fourier-Mellin. Fourier Fourier- Mellin (R, T ) Hausdorff ICP T. 2 3 Hough 4 Fourier-Mellin [2, 3] P 1, P 33 2 Vol. 33, No. 2 2007 2 ACTA AUTOMATICA SINICA February, 2007 1 1 1. Hough, Hough. Hough Hausdorff. Fourier-Mellin Fourier Fourier-Mellin. Hausdorff (ICP).. Hough Fourier-Mellin Hausdorff TP24 Robot

More information

和文タイトル

和文タイトル - Bus Timetable Design to Ensure Smooth Transfer and Avoid Delay Propagation - An Application of Optimization Techniques to Design of Public Transport Services in Fuji City * ** *** ** Takehiro TANAKA*,

More information

12-2 プレート境界深部すべりに係る諸現象の全体像

12-2 プレート境界深部すべりに係る諸現象の全体像 - 452 - - 453 - - 454 - - 455 - - 456 - Table 1 Comparison of phenomena associated with slip event at deep portion along the plate interface. - 457 - ECMJMA LFE 3 8 29 31 3 2-16Hz ECM Fig.1 Comparison

More information

Gerotor Motors Series Dimensions A,B C T L L G1/2 M G1/ A 4 C H4 E

Gerotor Motors Series Dimensions A,B C T L L G1/2 M G1/ A 4 C H4 E Gerotor Motors Series Size CC-A Flange Options-B Shaft Options-C Ports Features 0 0 5 5 1 0 1 0 3 3 0 0 SAE A 2 Bolt - (2) 4 Bolt Magneto (4) 4 Bolt Square (H4) 1.0" Keyed (C) 25mm Keyed (A) 1.0' 6T Spline

More information

Microsoft Word - 103-4 記錄附件

Microsoft Word - 103-4 記錄附件 國 立 虎 尾 技 大 103 年 度 第 4 次 教 務 會 議 記 錄 附 件 中 華 民 國 104 年 6 月 16 日 受 文 者 : 國 立 虎 尾 技 大 發 文 日 期 : 中 華 民 國 104 年 5 月 28 日 發 文 字 號 : 臺 教 技 ( 二 ) 字 第 1040058590 號 速 別 : 最 速 件 密 等 及 解 密 條 件 或 保 密 期 限 : 附 件 :

More information

a b

a b 38 3 2014 5 Vol. 38 No. 3 May 2014 55 Population Research + + 3 100038 A Study on Implementation of Residence Permit System Based on Three Local Cases of Shanghai Chengdu and Zhengzhou Wang Yang Abstract

More information

Microsoft PowerPoint - Performance Analysis of Video Streaming over LTE using.pptx

Microsoft PowerPoint - Performance Analysis of Video Streaming over LTE using.pptx ENSC 427 Communication Networks Spring 2016 Group #2 Project URL: http://www.sfu.ca/~rkieu/ensc427_project.html Amer, Zargham 301149920 Kieu, Ritchie 301149668 Xiao, Lei 301133381 1 Roadmap Introduction

More information

Microsoft Word doc

Microsoft Word doc 中 考 英 语 科 考 试 标 准 及 试 卷 结 构 技 术 指 标 构 想 1 王 后 雄 童 祥 林 ( 华 中 师 范 大 学 考 试 研 究 院, 武 汉,430079, 湖 北 ) 提 要 : 本 文 从 结 构 模 式 内 容 要 素 能 力 要 素 题 型 要 素 难 度 要 素 分 数 要 素 时 限 要 素 等 方 面 细 致 分 析 了 中 考 英 语 科 试 卷 结 构 的

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

30 2008,2(1) 基 礎 上, 各 種 數 據 均 以 圖 形 化 方 式 表 達, 因 此 各 級 分 析 結 果 均 可 以 隨 時 檢 驗 另 外, 由 於 系 統 是 以 網 站 形 式 發 佈, 任 何 用 戶 均 可 通 過 網 絡 查 詢 瀏 覽 系 統 中 的 數 據, 因

30 2008,2(1) 基 礎 上, 各 種 數 據 均 以 圖 形 化 方 式 表 達, 因 此 各 級 分 析 結 果 均 可 以 隨 時 檢 驗 另 外, 由 於 系 統 是 以 網 站 形 式 發 佈, 任 何 用 戶 均 可 通 過 網 絡 查 詢 瀏 覽 系 統 中 的 數 據, 因 第 2 卷 第 1 期 澳 門 科 技 大 學 學 報 Vol.2 No.1 2008 年 6 月 30 日 Journal of Macau University of Science and Technology June 30, 2008 29 月 球 探 測 數 據 實 時 管 理 系 統 的 開 發 朱 紅 岷 **, 祝 夢 華, 劉 良 鋼 *, 許 敖 敖 ( 澳 門 科 技 大 學

More information

Microsoft PowerPoint - IAS 21 - IFRS宣導會.pptx

Microsoft PowerPoint - IAS 21 - IFRS宣導會.pptx IAS 21 Nov 19, 2010 Agenda Page 1 1 2 4 3 11 4 17 5 IFRS 23 Section 1 Section 1 WHY IAS 21? IAS 21 2 Section 1 Determination Functional Currency Presentation Currency First Time Adoption IFRS IAS 21 2

More information

5-25袁宏钧.indd

5-25袁宏钧.indd 第 24 卷 第 5 期 2015 年 5 月 碘 131 doi:10.3978/j.issn.1005-6947.2015.05.005 http://dx.doi.org/10.3978/j.issn.1005-6947.2015.05.005 Chinese Journal of General Surgery, 2015, 24(5):643 647. Chinese Journal of

More information

Microsoft Word - 18-p0402-c3.doc

Microsoft Word - 18-p0402-c3.doc 第 14 卷 第 3 期 中 南 大 学 学 报 ( 社 会 科 学 版 ) Vol.14 No3 2008 年 6 月 J. CENT. SOUTH UNIV. (SOCIAL SCIENCE) Jun 2008 肺 病 隐 喻 与 性 别 身 份 建 构 中 国 现 代 文 学 中 的 肺 病 意 象 分 析 王 冬 梅 ( 枣 庄 学 院 中 文 系, 山 东 枣 庄,277160) 摘 要

More information

km km mm km m /s hpa 500 hpa E N 41 N 37 N 121

km km mm km m /s hpa 500 hpa E N 41 N 37 N 121 32 2 2014 4 Journal of Arid Meteorology Vol. 32 No. 2 Apr 2014. 08. 03 J. 2014 32 2256-262 LU Guirong WANG Wen YU Huaizhenget al. The Influence of Damrey Typhoon on 08. 03 Rainstorm Process in Rizhao of

More information