Tensorflow on Kubernetes

Size: px
Start display at page:

Download "Tensorflow on Kubernetes"

Transcription

1 利利 用 Kubernetes 實作 TensorFlow 分散式訓練與模型服務分享 Kyle Bai

2 About Me Software inwinstack 早期在校主要撰寫於 Java 與 Objc 程式語 言, 並專注開發 ios Mobile 應 用程式, 並具備四年年開發經驗 次要研讀 Hadoop 與 Spark 資料運算框架, 以及 Linux 相關技術 工作期間則專注於 OpenStack Ceph 與 Container 相關等 Cloud Native 技術與開源專案, 閒暇之餘會參參與相關專案社區及貢獻, 並利利 用部落落格 GitHub 與 GitBook 做筆記 kairen(kyle.b@inwinstack.com) 現在則在學習如何利利 用相關技術管理理 Ethereum 礦場, 以公司電費 轉換提升 自我年年終獎 金金 ( 誤 )

3 Agenda Background Why choose TensorFlow? Distributed TensorFlow Why TensorFlow + Kubernetes? TensorFlow on Kubernetes

4 Background 在 2016 年年 一場圍棋 人機 大戰 中, 人類李世乭敗給了了 Google DeepMind 的 AlphaGo, 這為全球帶來來了了 一些震撼話題, 甚 至讓 人聯聯想到 人 工智慧將漸漸取代 人 這樣的想法

5 1980s and 1990s

6 1980s and 1990s

7 現在

8 Slide by Andrew Ng, all rights reserved.

9

10

11 Growing Use of Deep Learning at Google Of directories containing model description files

12 Google Trend May April 2017, Worldwide

13

14 AI / Machine & Deep Learning

15 Accumulated GitHub metrics April 12, 2017

16 Deep Learning libraries: GitHub activity from February 11 to April 12, 2017

17 Why choose TensorFlow? 為何選擇 TensorFlow? 是因為 Google 的開源專案? 還是因為其特性呢?

18 年年底,Google 在 GitHub 開源了了 TensorFlow 年年四 月,TensorFlow 釋出了了分散式運算版本 年年 一 月, 1.0 預覽版本釋出, 在眾多開發者貢獻下, 其功能越來來越穩定 Open, standard software for general machine learning 年年三 月, 在開發者 大會中, 釋出 用於 工業的 1.0 正式版本 - 現在 TensorFlow 已經來來到 1.2 版本, 增加了了 一些特性, 與優化效 能, 並且更更穩定

19 TensorFlow Pros Great for Deep Learning in particular. Deep Learning framework from Google: 支援 GPU/CPU/TPU, 等異異構平台 前端 支援多種開發程式語 言, 如 Python/C++/Go 等 後端透過 C++ 與 CUDA 等開發 而成 除了了能夠執 行行深度學習演算法外, 還能夠實現許多常 見見演算法, 如隨機森林林與 支援向量量機等 內建 支援分散式訓練與服務 DNN building block, ckpt/queue/ Docker 與 Kubernetes 支援

20

21 Connect Research and Production Providing Training -> Serving model

22 TensorFlow Architecture TensorFlow 一般分為前端 API 程式開發介 面與後端 執 行行系統 兩兩者分別提供定義建構運算圖與利利 用硬體資源執 行行運算圖

23 Tensor + Flow TensorFlow 其實在意思上是要 用兩兩個部分來來解釋,Tensor 與 Flow: Tensor: 是中 文翻譯是張量量, 其實就是 一個 n 維度的陣列列或列列表 如 一維 Tensor 就是向量量, 二維 Tensor 就是矩陣等等. Flow: 是指 Graph 運算過程中的資料流.

24 Dataflow Graphs 資料流圖 (Data Flow Graphs) 是 一種有向圖的節點 (Node) 與邊 (Edge) 來來描述計算過程 a = tf.constant(1) b = tf.constant(2) c = tf.constant(3) d = tf.constant(4) add1 = tf.add(a, b) mul1 = tf.multiply(b, c) add2 = tf.add(c, d) output = tf.add(add1, mul1) with tf.session() as sess: print sess.run(output)

25 Companies using TensorFlow

26 Distributed TensorFlow 去年年四 月中旬 Google 釋出 TensorFlow 0.8, 新增加分散式運算能 力力, 使 TensorFlow 可在數百台的機器上執 行行訓練程序, 建立各種機器學習模型, 將原本要耗費數天或數個星期的模型訓練過程縮短到數 小時

27 Distributed TensorFlow Architecture 資料流圖 (Data Flow Graphs) 是 一種有向圖的節點 (Node) 與邊 (Edge) 來來描述計算過程

28 TensorFlow cluster concept TensorFlow 的叢集就是 一組 工作任務, 每個任務是 一個服務, 服務分成了了 Master 與 Worker, 並提供給 Client 進 行行操作 : Client: 是 用於建立 TensorFlow 計算 Graph, 並建立與叢集進 行行互動的 tensorflow::session 行行程, 一般由 Python 或 C++ 實作, 單 一客 戶端可以同時連接多個 TF 伺服器連接, 同時也能被多個 TF 伺服器連接. Master Service: 是 一個 RPC 服務 行行程, 用來來遠端連線 一系列列分散式裝置, 主要提供 tensorflow::session 介 面, 並負責透過 Worker Service 與 工作的任務進 行行溝通. Worker Service: 是 一個可以使 用本地裝置 (CPU 或 GPU) 對部分 Graph 進 行行運算的 RPC 邏 輯, 透過 worker_service.proto 介 面來來實作, 所有 TensorFlow 伺服器均包含了了 Worker Service 邏輯.

29 TensorFlow training mode TensorFlow 在執 行行時, 會分為單機模式與分散式模式 單機模式 下 client master 與 worker 都在同 一部機器上執 行行 而分散式模 式則可以拆分 client master 等在不同機器上執 行行

30 TensorFlow Job TensorFlow 的 工作 (Job) 可拆成多個相同功能的任務 (Task), 這些 工作 又分成 Parameter Server 與 Worker: Parameter Server(ps): 主要根據梯度更更新變數, 並儲存於 tf.variable, 可理理解成只儲存 TF Model 的變數, 並存放 Variable 副本 Worker: 通常稱為計算節點, 主要執 行行密集型的 Graph 運算資源, 並根據變數運 算梯度 存放 Graph 副本 Image from: Large Scale Distributed Deep Networks

31 Replication and training mode Replication In-graph Between-graph Training Synchronous Asynchronous

32 Distribution of different sizes 小型規模訓練, 這種資料與參參數量量不多時, 可以 用 一個 CPU 來來 同時執 行行兩兩種任務 中型規模訓練, 資料量量較 大, 但參參數量量不多時, 計算梯度的 工作負載較 高, 而參參數更更新負載較低, 所以計算梯度交給若若 干個 CPU 或 GPU 去執 行行, 而更更新參參數則交給 一個 CPU 即可 大型規模訓練, 資料與參參數量量多時, 不僅計算梯度需要部署多個 CPU 或 GPU, 連更更新參參數也要不說到多個 CPU 中

33 Example cluster spec Source from Build-the-AI-Cloud-Provision-and-manage-Tensorflow-Cluster-with-OpenStack

34

35

36 Distributed TensorFlow Workflow We need shell script..? Or Ansible?

37 然 而 生產環境中, 我們將可能有多台機器需要被偏配, 且環境可能是複雜的, 需要網路路 運算與儲存 SO WE CHOOSE

38 Why TensorFlow + Kubernetes? 在 生產環境中,TensorFlow 的分散式運算並未 支援資源與任務 scheduler, 然 而 Kubernetes 的特性與功能正好是 一個最佳選擇

39 Kubernetes Kubernetes 是 Google 開源的容器 (Container) 分散式管理理系統, 是 Google 十幾年年以來來 大規模應 用容器技術的經驗累積和昇華的 一個重要成果, 是建於 Container(OCI 標準容器 ) 之上的容器叢集排程服務, 簡稱為 K8s( k + 8 letters + s ) 目前為 CNCF 專案之 一

40

41 Kubernetes Architecture Kubernetes 屬於分散式架構系統, 主要由兩兩種節點 角 色組成 : Masters 主要 工作為提供 API 與管理理 工作節點, 可視為主節點 Nodes(Minions) 主要執 行行容器應 用的節點, 上 面會執 行行許多容器

42 Kubernetes Master Kubernetes Master 包含了了四個基本組件 : Etcd: 主要為 Kubernetes 的資訊儲存與服務發現功能 API Server: 以 REST APIs 介 面 方式提供所有業務邏輯 CURD 操作 Controller Manager Server: 所有其他叢集級功能都是透過控制管理理器 (Controller Manager) 來來操作 Scheduler: 負責整個分散式系統的資源排程

43 Kubernetes Node(Minion) Kubernetes Node 包含了了三個基本組件 : Kubelet: 負責管理理的映像檔 容器與資料 Volume 等操作 也是連接 Master 的橋樑 Proxy: 為了了解決外部網路路能夠群曲跨機器叢集中容器提供的應 用服務 而設計 支援 TCP,UDP stream forwarding 或 round robin TCP,UDP forwarding Container: 基於 OCI Container Rutime 來來執 行行應 用程式容器實例例

44 Kubernetes Storage Volumes Persistent Volumes Many Volume Plugin Storage Class Dynamic Provisioning

45 Kubernetes Pros Kubernetes 管理理跨區域與主機的容器節點, 提供基本部署 維運 管 理理, 以及執 行行各項應 用程式 Kubernetes 為 IT 人員帶來來以下幾項好處 : 管理理與操作簡單, 不需要太多複雜元件設定, 且 支援 Heapster/ Grafana/Influx 監控服務 可管理理與排程叢集資源 簡單地擴展 遷移與升級 Kubernetes 元件 提供負載平衡 容錯 Namespace Auto scale 與本地讀寫等功能 支援各種雲端平台部署與作業系統,No vendor lock-in 支援異異質環境, 如 CPU GPU 等

46 Kubernetes - Pod Pod 是 K8s 中最 小的部署單位, 可以將 一個或多個容器組成 一個 Pod,Pod 所包含的容器只會運 行行在同 一個 Host 上, 並共享 network namespaces IP port, 每個 Pod 的 network mapping 都是由 container pause 所封裝處理理的

47 Kubernetes - Deployments Deployments(Replication Controllers) 是部署群組 Pods, 其會確保 K8s 系 統中指定數量量副本的 Pod 存活, 也可以利利 用 Label 及 Rolling update 來來進 行行 副本的擴展或更更新

48 Kubernetes - Service Service 是 pod 服務的抽 象層, 具有簡單負載平衡的功能, 由於 pod 的數量量與 IP 不會固定, 可將 一群 pod 指派成 service 並給予 一個固定 IP (cluster IP), service 會將請求 至 cluster IP 的流量量導入其對應 pod

49 TensorFlow on Kubernetes Pros(1) 叢集管理理 適合 大規模管理理與擴展 透過 Kubernetes DNS 機制來來解析伺服器位址 透過 Replication Controller 來來管理理故障重啟問題 Kubernetes 提供 Monitoring 與 Logging 等功能 能夠 支援使 用 CPU 與 GPU 排程來來指定節點 可隱藏系統 工程師與資料科學家之間的管道

50 TensorFlow on Kubernetes Pros(2) 行行程 生命週期管理理 透解決 目前 TensorFlow 自動結束問題 解決無法區分正常完成還是故障退出等問題 解決需要 手動管理理 行行程問題 模型服務版本控管 共享儲存解決 方案 可使 用多種儲存服務, 如 NFS Ceph 等分散式儲存系統

51 TensorFlow on Kubernetes 基於上述原因與需求使我們選擇利利 用 Kubernetes 來來 TensorFlow 實作與管理理分散式訓練與模型服務, 接下來來我將針對 一些簡單案例例來來說明如何透過 Kubernetes 進 行行 TensorFlow 叢集訓練

52 Easy integrated with Kubernetes Step1: Package Workers & Parameters general code into Docker images. Step3: Define the cluster Deployment and Service,, etc to run. Step2: Create the clusters according to TensorFlow s cluster spec into ConfigMap.

53 Simple TensorFlow on K8s

54 K8s PV and PVC apiversion: v1 kind: PersistentVolume metadata: name: lab01-pv spec: capacity: storage: 10Gi accessmodes: - ReadWriteOnce persistentvolumereclaimpolicy: Recycle nfs: path: <Path> server: <NFS Server Address> --- kind: PersistentVolumeClaim apiversion: v1 metadata: name: lab01-pvc spec: accessmodes: - ReadWriteOnce resources: requests: storage: 5Gi

55 Master service apiversion: extensions/v1beta1 kind: Deployment metadata: name: tf-client spec: replicas: 1 template: metadata: labels: app: tf-client spec: containers: - name: tf-client image: example/tensorflow:1.2.1 ports: - containerport: 8888 env: - name: TOKEN value: "p@ssw0rd" command: ["/bin/sh", "-c"] args: - "/run_jupyter.sh --NotebookApp.token=${TOKEN};" volumemounts: - name: tmp mountpath: /tmp/train volumes: - name: tmp persistentvolumeclaim: claimname: tensorflow-pvc apiversion: v1 kind: Service metadata: name: tf-client spec: selector: app: tf-client type: LoadBalancer externalips: - <external ip> ports: - port: 8888 targetport: 8888

56 Worker service apiversion: extensions/v1beta1 apiversion: v1 kind: Deployment kind: Service metadata: metadata: name: tf-worker name: tf-worker spec: spec: replicas: 1 selector: template: app: tf-worker metadata: type: ClusterIP labels: ports: app: tf-worker - port: 2222 role: worker targetport: 2222 spec: containers: - name: tf-worker image: example/tensorflow:1.2.1 ports: - containerport: 2222 command: ["/bin/sh", "-c"] args: - "python /opt/basic_server.py;

57 Tensorboard service apiversion: extensions/v1beta1 kind: Deployment metadata: name: tf-dashboard spec: replicas: 1 template: metadata: labels: app: tf-dashboard spec: containers: - name: tf-dashboard image: example/tensorflow:1.2.1 ports: - containerport: 6006 command: ["/bin/sh", "-c"] args: - "tensorboard --logdir=run1:/tmp/train -- port=6006" volumemounts: - name: tmp mountpath: /tmp/train volumes: - name: tmp persistentvolumeclaim: claimname: tensorflow-pvc apiversion: v1 kind: Service metadata: name: tf-dashboard spec: selector: app: tf-dashboard type: LoadBalancer externalips: - <external ip> ports: - port: 6006 targetport: 6006

58 Simple TensorFlow Serving on K8s

59 Serving service apiversion: extensions/v1beta1 kind: Deployment metadata: name: serving spec: replicas: 2 template: metadata: labels: app: serving spec: containers: - name: serving image: example/serving-base:0.5.1 ports: - containerport: 9000 resources: requests: memory: "128Mi" cpu: "500m" limits: memory: "512Mi" cpu: "2000m" command: ["/bin/sh", "-c"] args: - "cd /opt/serving;" apiversion: v1 kind: Service metadata: labels: name: serving-service name: serving spec: selector: app: serving type: LoadBalancer externalips: - <external ip> ports: - port: 9000 targetport: 9000 apiversion: extensions/ v1beta1 kind: Ingress metadata: name: serving-ingress spec: rules: - http: paths: - path: /inception backend: servicename: serving-service serviceport: "bin/example/inception_saved_model --checkpoint_dir=/tmp/model-data --output_dir=inception-export;" - "bin/model_servers/tensorflow_model_server --port= model_name=inception --model_base_path=inception-export;" volumemounts: - name: model-data mountpath: /tmp/model-data volumes: - name: model-data persistentvolumeclaim: claimname: model-pvc

60 Full Distributed on K8s

61

62 Kubernetes with GPU enabled 在 Kubernetes 中使 用 GPU 需要預先完成以下幾點 : 在所有 Node 上安裝 Nvidia 驅動程式, 包含 CUDA Toolkit 與 cudnn 等 在 Master 的 apiserver 和 Node 的 kubelet 上開啟 --featuregates="accelerators=true" 使 用 Docker 作為容器引擎, 目前其他引擎不 支援 GPU 特性 接著在 Pod 掛載 nvidia-driver libcuda-so libcuda-so.1 等

63 GPU Pod Examples apiversion: v1 kind: Pod metadata: name: tensorflow-gpu spec: restartpolicy: Never containers: - image: gcr.io/tensorflow/tensorflow:latest-gpu name: gpu-container-1 command: ["python"] env: - name: LD_LIBRARY_PATH value: /usr/lib/nvidia args: - -u - -c - from tensorflow.python.client import device_lib; print device_lib.list_local_devices() resources: limits: alpha.kubernetes.io/nvidia-gpu: 1 # requests one GPU volumemounts:... volumes:...

64 GPU enabled limit GPU 資源必須在 resources.limits 設定, 在 resources.requests 中會無效 一個容器可以使 用 一個或多個 GPU, 但不能只使 用 一部分 多容器之間無法共享使 用同 一張 GPU 預設假設環境的所有 Node 都安裝相同型號 GPU

65 Different GPU card(1) 假設叢集 Node 安裝了了不同型號的 GPU, 則可以透過 Kubernetes Node affinity 或 Node selector 來來排成 Pod 指定到對應 GPU 型號的 Node 上執 行行 首先在所有 Kubernetes Node 中, 加入 nvdia-gpu-name 標籤, 該標籤定義使 用的型號 : $ NVIDIA_GPU_NAME=$(nvidia-smi --query-gpu=gpu_name -- format=csv,noheader id=0) $ source /etc/default/kubelet $ KUBELET_OPTS="$KUBELET_OPTS nodelabels='alpha.kubernetes.io/nvidia-gpuname=$nvidia_gpu_name'" $ echo "KUBELET_OPTS=$KUBELET_OPTS" > /etc/default/kubelet

66 Different GPU card(2) kind: pod apiversion: v1 metadata: annotations: scheduler.alpha.kubernetes.io/affinity: > { "nodeaffinity": { "requiredduringschedulingignoredduringexecution": { "nodeselectorterms": [ { "matchexpressions": [ { "key": "alpha.kubernetes.io/nvidia-gpu-name", "operator": "In", "values": ["Tesla K80", "Tesla P100"] } ] } ] } } } spec: containers: - image: gcr.io/tensorflow/tensorflow:latest-gpu name: gpu-container-1 command: ["python"] args: ["-u", "-c", "import tensorflow"] resources: limits: alpha.kubernetes.io/nvidia-gpu: 2

67 Integration Options Bare metal or Virtual machine. Auto-scale the Kubernetes Cluster. Helm-based Application deployment on Kubernetes. Multi-tenant environment. Manage multi Kubernetes cluster.

68 迎棧科技股份有限公司 WE RE HIRING

69 迎棧科技股份有限公司 Thank You!!

实践课堂成都站-0609.key

实践课堂成都站-0609.key 青云 QingCloud 容器器及 Kubernetes 实践 王渊命 青云 QingCloud 容器器平台负责 人 当我们谈论容器器时我们在谈论什什么? 容器器的两个视 角 资源隔离 应 用封装 容器器 生态圈现状 容器器技术 一家独 大百花 齐放 Docker, Rocket, Mesos Universal container, LXC, Hyper Container 调度系统三 足鼎 立

More information

1 IT IT IT IT Virtual Machine, VM VM VM VM Operating Systems, OS IT

1 IT IT IT IT Virtual Machine, VM VM VM VM Operating Systems, OS IT 1 IT IT IT IT Virtual Machine, VM VM VM VM Operating Systems, OS IT Chapter 1 了解虛擬化技術種類 硬體 / 平台 / 伺服器虛擬化 VM VM VM CPU Hypervisor VMM Virtual Machine Manager VM Host OS VM VM Guest OS Host OS CPU VM Hyper-V

More information

A9RF716.tmp

A9RF716.tmp 1 PART I 1 2 3 4 5 6 7 8 Docker Docker Image Container Repository Docker le Docker Docker 8 1 Docker Linux 2 Docker Docker 3 5 Docker 6 Docker volume 7 8 Docker le Docker le 1 C H A P T E R 1 CPU Data

More information

Kubenetes 系列列公开课 2 每周四晚 8 点档 1. Kubernetes 初探 2. 上 手 Kubernetes 3. Kubernetes 的资源调度 4. Kubernetes 的运 行行时 5. Kubernetes 的 网络管理理 6. Kubernetes 的存储管理理 7.

Kubenetes 系列列公开课 2 每周四晚 8 点档 1. Kubernetes 初探 2. 上 手 Kubernetes 3. Kubernetes 的资源调度 4. Kubernetes 的运 行行时 5. Kubernetes 的 网络管理理 6. Kubernetes 的存储管理理 7. Kubernetes 包管理理 工具 Helm 蔺礼强 Kubenetes 系列列公开课 2 每周四晚 8 点档 1. Kubernetes 初探 2. 上 手 Kubernetes 3. Kubernetes 的资源调度 4. Kubernetes 的运 行行时 5. Kubernetes 的 网络管理理 6. Kubernetes 的存储管理理 7. Kubernetes

More information

WebSphere Studio Application Developer IBM Portal Toolkit... 2/21 1. WebSphere Portal Portal WebSphere Application Server stopserver.bat -configfile..

WebSphere Studio Application Developer IBM Portal Toolkit... 2/21 1. WebSphere Portal Portal WebSphere Application Server stopserver.bat -configfile.. WebSphere Studio Application Developer IBM Portal Toolkit... 1/21 WebSphere Studio Application Developer IBM Portal Toolkit Portlet Doug Phillips (dougep@us.ibm.com),, IBM Developer Technical Support Center

More information

幻灯片 1

幻灯片 1 SDN 和 分 布 式 网 络 虚 拟 化 设 计 QQ : 67278439 新 浪 微 博 :@ 盛 科 张 卫 峰 Topic SDN 对 云 计 算 网 络 的 价 值 SDN 网 络 虚 拟 化 方 案 一 览 从 OVN 看 分 布 式 网 络 虚 拟 化 设 计 基 于 硬 件 SDN 交 换 机 的 网 络 虚 拟 化 SDN 是 一 种 思 想 SDN 不 是 一 种 具 体 的

More information

Cloudy computing forEducation

Cloudy computing forEducation 规 模 企 业 的 云 之 旅 姜 大 勇 威 睿 信 息 技 术 ( 中 国 ) 有 限 公 司 2009 VMware Inc. All rights reserved 背 景 说 明 云 计 算 是 一 种 新 型 的 信 息 资 源 管 理 和 计 算 服 务 模 式, 是 继 大 型 计 算 机 个 人 电 脑 互 联 网 之 后 信 息 产 业 的 一 次 革 命 云 计 算 可 将 分

More information

PowerPoint Presentation

PowerPoint Presentation Amazon EKS 云上托管的 K8S 集群 杨历,AWS 解决方案架构师 议程 AWS 容器技术介绍 Amazon EKS( 云上托管的 K8S 集群 ) 介绍 Amazon EKS 对 K8S 网络的创新 K8S Service 与 AWS 的集成 Amazon EKS 与 AWS 安全解决方案整合 Amazon EKS 日志及监控 Demo 演示 AWS 容器生态系统 Amazon ECS

More information

雲端 Cloud Computing 技術指南 運算 應用 平台與架構 10/04/15 11:55:46 INFO 10/04/15 11:55:53 INFO 10/04/15 11:55:56 INFO 10/04/15 11:56:05 INFO 10/04/15 11:56:07 INFO

雲端 Cloud Computing 技術指南 運算 應用 平台與架構 10/04/15 11:55:46 INFO 10/04/15 11:55:53 INFO 10/04/15 11:55:56 INFO 10/04/15 11:56:05 INFO 10/04/15 11:56:07 INFO CHAPTER 使用 Hadoop 打造自己的雲 8 8.3 測試 Hadoop 雲端系統 4 Nodes Hadoop Map Reduce Hadoop WordCount 4 Nodes Hadoop Map/Reduce $HADOOP_HOME /home/ hadoop/hadoop-0.20.2 wordcount echo $ mkdir wordcount $ cd wordcount

More information

RunPC2_.doc

RunPC2_.doc PowerBuilder 8 (5) PowerBuilder Client/Server Jaguar Server Jaguar Server Connection Cache Thin Client Internet Connection Pooling EAServer Connection Cache Connection Cache Connection Cache Connection

More information

51434S Fundamentals of the UNIX system 5 40, H3064S HPE-UX System and Network Administration I 5 40, H3065S HPE-UX System

51434S Fundamentals of the UNIX system 5 40, H3064S HPE-UX System and Network Administration I 5 40, H3065S HPE-UX System 51434S Fundamentals of the UNIX system 5 40,000 9-13 17-21 H3064S HPE-UX System and Network Administration I 5 40,000 6-10 15-19 H3065S HPE-UX System and Network Administration II 5 40,000 6-10 12-16 H8P04S

More information

RAQMON Context Setting MG PDA Applications RTP / FTP/ HTTP TCP/UDP S ignaling control plane (e.g. RS VP, NS IS) Streaming Media, Transaction, Bulk dat

RAQMON Context Setting MG PDA Applications RTP / FTP/ HTTP TCP/UDP S ignaling control plane (e.g. RS VP, NS IS) Streaming Media, Transaction, Bulk dat Realtime Application QOS Monitoring (RAQMON) Dan Romascanu dromasca@avaya.com 1 RAQMON Context Setting MG PDA Applications RTP / FTP/ HTTP TCP/UDP S ignaling control plane (e.g. RS VP, NS IS) Streaming

More information

untitled

untitled 年度 路 IVI 劉 隆 年 597 598 IVI 錄... 601 行... 601... 601 1.... 601 2. 路... 602 3.... 603... 604 1.IPv4 to IPv6... 604 2.IPv6 to IPv4... 605 -... 606 ( )IVI Server... 606 ( )IVI Server... 610 ( )IVI DNS Server...

More information

untitled

untitled ArcGIS Server Web services Web services Application Web services Web Catalog ArcGIS Server Web services 6-2 Web services? Internet (SOAP) :, : Credit card authentication, shopping carts GIS:, locator services,

More information

f2.eps

f2.eps 前 言, 目 录 产 品 概 况 1 SICAM PAS SICAM 电 力 自 动 化 系 统 配 置 和 使 用 说 明 配 置 2 操 作 3 实 时 数 据 4 人 机 界 面 5 SINAUT LSA 转 换 器 6 状 态 与 控 制 信 息 A 版 本 号 : 08.03.05 附 录, 索 引 安 全 标 识 由 于 对 设 备 的 特 殊 操 作 往 往 需 要 一 些 特 殊 的

More information

2013_6_3.indd

2013_6_3.indd 中 国 科 技 资 源 导 刊 ISSN 1674-1544 2013 年 11 月 第 45 卷 第 6 期 95-99, 107 CHINA SCIENCE & TECHNOLOGY RESOURCES REVIEW ISSN 1674-1544 Vol.45 No.6 95-99, 107 Nov. 2013 构 建 基 于 大 数 据 的 智 能 高 校 信 息 化 管 理 服 务 系 统

More information

CH01.indd

CH01.indd 3D ios Android Windows 10 App Apple icloud Google Wi-Fi 4G 1 ( 3D ) 2 3 4 5 CPU / / 2 6 App UNIX OS X Windows Linux (ios Android Windows 8/8.1/10 BlackBerry OS) 7 ( ZigBee UWB) (IEEE 802.11/a/b/g/n/ad/ac

More information

F4

F4 DOI:10.3969/j.issn.1009-6868.2016.01.002 网 络 出 版 地 址 :http://www.cnki.net/kcms/detail/34.1228.tn.20151117.1506.006.html Challenges and Countermeasures of Network Space Security 周 延 森 /ZHOU Yansen 周 琳 娜

More information

自由軟體教學平台

自由軟體教學平台 NCHC Opensource task force DRBL steven@nchc.gov.tw, c00hkl00@nchc.gov.tw National Center for High-Performance Computing http://www.nchc.gov.tw Jan, 2003 1 2003/1/28 ( ) 09:00-10:30 10:40-12:00 Linux 13:00-14:30

More information

Kubernetes 中的存储 邢 舟 IBM 开放技术研究院

Kubernetes 中的存储 邢 舟 IBM 开放技术研究院 Kubernetes 中的存储 邢 舟 IBM 开放技术研究院 2017.11.26 Kubenetes 系列公开课 每周四晚 8 点档 1. Kubernetes 初探 2. 上手 Kubernetes 3. Kubernetes 的资源调度 4. Kubernetes 的运行时 5. Kubernetes 的 网络管理 6. Kubernetes 的存储管理 7. Kubernetes 的 日志与监控

More information

目次 

目次  軟 體 工 程 期 末 報 告 網 路 麻 將 91703014 資 科 三 黃 偉 嘉 91703024 資 科 三 丘 祐 瑋 91703030 資 科 三 江 致 廣 1 目 次 壹 前 言 (Preface) P.4 貳 計 畫 簡 述 及 預 期 效 益 (Project Description and Expected Results) P.4 參 系 統 開 發 需 求 (System

More information

BYOD IP+Optical (IP NGN) API 4. End-to-End (Service Aware) 5. IP NGN (IP Next Generation Network) ( ) Prime Carrier Management Access Edge Co

BYOD IP+Optical (IP NGN) API 4. End-to-End (Service Aware) 5. IP NGN (IP Next Generation Network) ( ) Prime Carrier Management Access Edge Co BYOD 228 2015 IT open source DIY ( ) Up/Down HP NNMi WhatsUp Gold Nagios HP SiteScope WhatsUp Gold HP NNMi WhatsUp Gold Cacti MRTG HP ispi Performance for Metrics WhatsUp Gold ( ) Open source Agent End-to-End

More information

1 C++ 2 Bjarne Stroustrup C++ (system programming) 6 (infrastructure) C++ 7 Herb Sutter 8 C++ (efficiency) (flexibility) 9 (abstraction) (productivity

1 C++ 2 Bjarne Stroustrup C++ (system programming) 6 (infrastructure) C++ 7 Herb Sutter 8 C++ (efficiency) (flexibility) 9 (abstraction) (productivity 1 C++ 1 C++ Primer C++ (giantchen@gmail.com) 2012-7-11 Creative Commons - - 3.0 Unported (cc by-nc-nd) http://creativecommons.org/licenses/by-nc-nd/3.0/ 1 C++ 2009 Stanley Lippman C++ C++ Java/C#/Python

More information

目 錄 版 次 變 更 記 錄... 2 原 始 程 式 碼 類 型 之 使 用 手 冊... 3 一 安 裝 軟 體 套 件 事 前 準 備... 3 二 編 譯 流 程 說 明... 25 1

目 錄 版 次 變 更 記 錄... 2 原 始 程 式 碼 類 型 之 使 用 手 冊... 3 一 安 裝 軟 體 套 件 事 前 準 備... 3 二 編 譯 流 程 說 明... 25 1 科 技 部 自 由 軟 體 專 案 原 始 程 式 碼 使 用 手 冊 Source Code Manual of NSC Open Source Project 可 信 賴 的 App 安 全 應 用 框 架 -App 應 用 服 務 可 移 轉 性 驗 證 Trusted App Framework -Transferability Verification on App MOST 102-2218-E-011-012

More information

2005 3

2005 3 Text 2009.4 hongqn@douban.com 2005 3 2.8M 1/4 20M / 500~600/sec 23 PC (1U*15/2U*8) 12 38G memcached 1U (frodo) AMD Athlon 64 1.8GHz 1G 160G SATA*2 Gentoo Linux MySQL 5 Quixote (a Python web framework)

More information

Some experiences in working with Madagascar: installa7on & development Tengfei Wang, Peng Zou Tongji university

Some experiences in working with Madagascar: installa7on & development Tengfei Wang, Peng Zou Tongji university Some experiences in working with Madagascar: installa7on & development Tengfei Wang, Peng Zou Tongji university Map data @ Google Reproducible research in Madagascar How to conduct a successful installation

More information

ebook140-8

ebook140-8 8 Microsoft VPN Windows NT 4 V P N Windows 98 Client 7 Vintage Air V P N 7 Wi n d o w s NT V P N 7 VPN ( ) 7 Novell NetWare VPN 8.1 PPTP NT4 VPN Q 154091 M i c r o s o f t Windows NT RAS [ ] Windows NT4

More information

A API Application Programming Interface 见 应 用 程 序 编 程 接 口 ARP Address Resolution Protocol 地 址 解 析 协 议 为 IP 地 址 到 对 应 的 硬 件 地 址 之 间 提 供 动 态 映 射 阿 里 云 内

A API Application Programming Interface 见 应 用 程 序 编 程 接 口 ARP Address Resolution Protocol 地 址 解 析 协 议 为 IP 地 址 到 对 应 的 硬 件 地 址 之 间 提 供 动 态 映 射 阿 里 云 内 A API Application Programming Interface 见 应 用 程 序 编 程 接 口 ARP Address Resolution Protocol 地 址 解 析 协 议 为 IP 地 址 到 对 应 的 硬 件 地 址 之 间 提 供 动 态 映 射 阿 里 云 内 容 分 发 网 络 Alibaba Cloud Content Delivery Network 一

More information

CC213

CC213 : (Ken-Yi Lee), E-mail: feis.tw@gmail.com 9 [P.11] : Dev C++ [P.12] : http://c.feis.tw [P.13] [P.14] [P.15] [P.17] [P.23] Dev C++ [P.24] [P.27] [P.34] C / C++ [P.35] 10 C / C++ C C++ C C++ C++ C ( ) C++

More information

Serial ATA ( Nvidia nforce430)...2 (1) SATA... 2 (2) B I O S S A T A... 3 (3) RAID BIOS RAID... 6 (4) S A T A... 9 (5) S A T A (6) Microsoft Win

Serial ATA ( Nvidia nforce430)...2 (1) SATA... 2 (2) B I O S S A T A... 3 (3) RAID BIOS RAID... 6 (4) S A T A... 9 (5) S A T A (6) Microsoft Win Serial ATA ( Nvidia nforce430)...2 (1) SATA... 2 (2) B I O S S A T A... 3 (3) RAID BIOS RAID... 6 (4) S A T A... 9 (5) S A T A... 11 (6) Microsoft Windows 2000... 14 Ác Åé å Serial ATA ( Nvidia nforce430)

More information

Simulator By SunLingxi 2003

Simulator By SunLingxi 2003 Simulator By SunLingxi sunlingxi@sina.com 2003 windows 2000 Tornado ping ping 1. Tornado Full Simulator...3 2....3 3. ping...6 4. Tornado Simulator BSP...6 5. VxWorks simpc...7 6. simulator...7 7. simulator

More information

Dell EMC Data Domain DDOS 5.5 Data Domain Data Domain Data Domain : Data Domain Boost (DDBoost) Dell EMC DDBoost Data Domain DDBoost Source De-Dup Bac

Dell EMC Data Domain DDOS 5.5 Data Domain Data Domain Data Domain : Data Domain Boost (DDBoost) Dell EMC DDBoost Data Domain DDBoost Source De-Dup Bac Dell EMC Dell EMC IT Dell EMC IT Dell EMC https://www. dellemc.com/ Dell EMC Data Domain DDOS 5.5 Data Domain Data Domain Data Domain : Data Domain Boost (DDBoost) Dell EMC DDBoost Data Domain DDBoost

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

9 Internet 10 Internet

9 Internet 10 Internet 1 2 3 4 5 6 Internet 7 8 9 Internet 10 Internet 11 12 1 1.1 1.2 1.3 1.4 1.5 1.6 1.1 1.1.1 20 50 20 60 ARPANET ARPANET Internet 20 70 ISO International Organization for Standardization TCP/IP 20 90 Internet

More information

Java 1 Java String Date

Java 1 Java String Date JAVA SCJP Java 1 Java String Date 1Java 01 Java Java 1995 Java Java 21 Java Java 5 1-1 Java Java 1990 12 Patrick Naughton C++ C (Application Programming Interface API Library) Patrick Naughton NeXT Stealth

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

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

K7VT2_QIG_v3

K7VT2_QIG_v3 ............ 1 2 3 4 5 [R] : Enter Raid setup utility 6 Press[A]keytocreateRAID RAID Type: JBOD RAID 0 RAID 1: 2 7 RAID 0 Auto Create Manual Create: 2 RAID 0 Block Size: 16K 32K

More information

See1

See1 陆 平 等 企 业 视 界 DOI:10.3969/j.issn.1009-6868.2016.02.014 网 络 出 版 地 址 :http://www.cnki.net/kcms/detail/34.1228.tn.20160301.1646.004.html Development Trend of Integration Business Technology in the M-ICT Era

More information

ebook140-9

ebook140-9 9 VPN VPN Novell BorderManager Windows NT PPTP V P N L A V P N V N P I n t e r n e t V P N 9.1 V P N Windows 98 Windows PPTP VPN Novell BorderManager T M I P s e c Wi n d o w s I n t e r n e t I S P I

More information

Microsoft PowerPoint - ARC110_栾跃.ppt

Microsoft PowerPoint - ARC110_栾跃.ppt ARC110 软 件 构 架 设 计 的 原 则 和 指 南 课 程 内 容 概 述 介 绍 和 引 言 软 件 构 架 和 构 架 师 软 件 构 架 的 设 计 模 式 框 架 和 参 照 设 计 自 我 介 绍 第 一 代 自 费 留 学 生 : 美 国 南 伊 利 诺 州 立 大 学 (SIUE) 电 机 工 程 学 士 (1984) 及 硕 士 学 位 (1985) 历 任 OwensIllinois,

More information

IC-900W Wireless Pan & Tilt Wireless Pan & Tilt Remote Control / Night Vision FCC ID:RUJ-LR802UWG

IC-900W Wireless Pan & Tilt Wireless Pan & Tilt Remote Control / Night Vision FCC ID:RUJ-LR802UWG IC-900W Wireless Pan & Tilt Wireless Pan & Tilt Remote Control / Night Vision FCC ID:RUJ-LR802UWG --------------------------------------------TABLE OF CONTENTS------------------------------------------

More information

Abstract arm linux tool-chain root NET-Start! 2

Abstract arm linux tool-chain root NET-Start! 2 Lab III - Embedding Linux 1 Abstract arm linux tool-chain root NET-Start! 2 Part 1.4 Step1. tool-chain 4 Step2. PATH 4 Part 2 kernel 5 Step1. 5 Step2... 6 Step3...8 Part 3 root. 8 Step1. 8 Step2. 8 Part

More information

chapter 2 HTML5 目錄iii HTML HTML HTML HTML HTML canvas

chapter 2 HTML5 目錄iii HTML HTML HTML HTML HTML canvas Contents 目錄 chapter 1 1-1... 1-2 1-2... 1-3 HTML5... 1-3... 1-5 1-3... 1-9 Web Storage... 1-9... 1-10 1-4 HTML5... 1-14... 1-14... 1-15 HTML5... 1-15... 1-15... 1-16 1-5... 1-18 Apps... 1-18 HTML5 Cache

More information

Microsoft Word zw

Microsoft Word zw 第 1 章 Android 概述 学习目标 : Android Android Android Studio Android Android APK 1.1 1. 智能手机的定义 Smartphone 2. 智能手机的发展 1973 4 3 PC IBM 1994 IBM Simon PDA PDA Zaurus OS 1996 Nokia 9000 Communicator Nokia 9000

More information

epub83-1

epub83-1 C++Builder 1 C + + B u i l d e r C + + B u i l d e r C + + B u i l d e r C + + B u i l d e r 1.1 1.1.1 1-1 1. 1-1 1 2. 1-1 2 A c c e s s P a r a d o x Visual FoxPro 3. / C / S 2 C + + B u i l d e r / C

More information

才云肖勤:从开源第一到企业落地中国银联Kubernetes案例分享

才云肖勤:从开源第一到企业落地中国银联Kubernetes案例分享 从开源第一到企业落地 中国银联 Kubernetes 案例分享 肖 勤 才云科技 科技创新打造才云独特技术优势 Intelligent PaaS Automatic micro-service management Streamlined Devops workflow Intelligent monitoring and log analysis App orchestration and solution

More information

VIDEOJET connect 7000 VJC-7000-90 zh- CHS Operation Manual VIDEOJET connect 7000 zh-chs 3 目 录 1 浏 览 器 连 接 7 1.1 系 统 要 求 7 1.2 建 立 连 接 7 1.2.1 摄 像 机 中 的 密 码 保 护 7 1.3 受 保 护 的 网 络 7 2 系 统 概 述 8 2.1 实 况

More information

IT Data-intensive application,iscsi Middl

IT Data-intensive application,iscsi Middl 112-861 2-1-1 163 8677 1 24 2 E-mail: shiori@ogl.is.ocha.ac.jp, sane@cc.kogakuin.ac.jp, oguchi@computer.org IT Data-intensive application,iscsi iddleware for Load Distribution among Cloud Computing Resource

More information

Symantec™ Sygate Enterprise Protection 防护代理安装使用指南

Symantec™ Sygate Enterprise Protection 防护代理安装使用指南 Symantec Sygate Enterprise Protection 防 护 代 理 安 装 使 用 指 南 5.1 版 版 权 信 息 Copyright 2005 Symantec Corporation. 2005 年 Symantec Corporation 版 权 所 有 All rights reserved. 保 留 所 有 权 利 Symantec Symantec 徽 标 Sygate

More information

政府機關資訊通報第295期(5月)

政府機關資訊通報第295期(5月) 第 295 期 101 年 5 月 5 日出版 財政部文書檔管系統(公文線上簽核) 推展簡介 雲端虛擬化平台於臺中市政府資訊中心之 建置與應用 考選部 國家考試試務整合性管理系統 簡介 全國首創第四級之高雄土地利用調查 作業特點 統整式知識內容管理系統建構實務 考選部行政系統整合平台暨 線上申辦及薪資差勤系統 建置經驗分享 目 次 機 關 動 態... 1 法 務 部 調 查 局... 1 內 政

More information

Network Bandwidth Applications MATE Applications Applications On Demand Calendaring Load Balancer Live Archive Design Northbound Service,Netwo

Network Bandwidth Applications MATE Applications Applications On Demand Calendaring Load Balancer Live Archive Design Northbound Service,Netwo Google 2010 10GE 128 Google OpenFlow SDN Google (software-defined network SDN) Internet SDN Google WAN SDN OpenFlow SDN Google (Data-Plane) (Control-Plane) OpenFlow Google 1. 2. 3. Site-to-Site BGP (Traffic

More information

Master Thesis_專門用來製作目錄.doc

Master Thesis_專門用來製作目錄.doc Introduction All-IP [1-4] All-IP packet switching long delay time, jitter packet loss All-IP Budget-Based QoS End-to-End QoS (real time on demand) 1 1.1 Circuit Switching Packet Switching DWDM IP VoIP

More information

ansoft_setup21.doc

ansoft_setup21.doc Cadence Cadence Cadence 1000 (1) (2) CIC (3).. CIC Cadence (a) CIC license license server license CIC license CIC license (b) 2000 Cadence license 92 1 1 license server CIC 92 1 1 Cadence license licenser

More information

RAID RAID 0 RAID 1 RAID 5 RAID * ( -1)* ( /2)* No Yes Yes Yes A. B. BIOS SATA C. RAID BIOS RAID ( ) D. SATA RAID/AHCI ( ) SATA M.2 SSD ( )

RAID RAID 0 RAID 1 RAID 5 RAID * ( -1)* ( /2)* No Yes Yes Yes A. B. BIOS SATA C. RAID BIOS RAID ( ) D. SATA RAID/AHCI ( ) SATA M.2 SSD ( ) RAID RAID 0 RAID 1 RAID 5 RAID 10 2 2 3 4 * (-1)* (/2)* No Yes Yes Yes A. B. BIOS SATA C. RAID BIOS RAID ( ) D. SATA RAID/AHCI ( ) SATA M.2 SSD ( ) ( ) ( ) Windows USB 1 SATA A. SATASATAIntel SATA (SATA3

More information

电力信息化2013年第1期.indb

电力信息化2013年第1期.indb 中图分类号 TP319 文献标志码 B 文章编号 1672-4844(213)1-87-6 摘要 SAP ERP 信息是很多大型企业的核心信息 是企业在进行容灾建设时主要关切的 信息 文章以双活方式运行的特点对 SAP ERP 信息进行了分析 推导出了 SAP ERP 信息以双活模式运行时操作响时间的计算公式 提出了影响操作响时间的主要因素是网 络时延 测试了 SAP ERP 产品以服务器双活模式运行的实际效果和以数据库双活

More information

untitled

untitled 1....2...2...6 2....10 3. UDP...15 4. TCP...16...16...16 1 1. PC COM1 COM2 COM1 COM2 DTU 2 3 4 COM1 COM1 COM2 COM ID 13900000000 DTU COM1 5 COM2 DTU DTU DTU DTU DTU DTU DTU ID ID 3031 3032 2 ID 13900000001

More information

PL600 IPPBX 用户手册_V2.0_.doc

PL600 IPPBX 用户手册_V2.0_.doc VoIP 网 络 交 换 机 PL-600 IPPBX 用 户 手 册 深 圳 普 联 讯 电 子 科 技 有 限 公 司 版 权 所 有 2009 深 圳 市 普 联 讯 电 子 科 技 有 限 公 司 第 1 共 1 目 录 1. 前 言...3 2. 安 装 前 准 备...3 3. 硬 件 安 装...4 4. 登 陆 及 一 般 操 作 介 绍...4 5. 基 本 配 置...6 6.

More information

自动化接口

自动化接口 基 于 文 件 的 数 据 交 换 的 注 意 事 项 1 SPI 2 COMOS Automation 操 作 手 册 通 用 Excel 导 入 3 通 过 OPC 客 户 端 的 过 程 可 视 化 4 SIMIT 5 GSD 6 05/2016 V 10.2 A5E37093378-AA 法 律 资 讯 警 告 提 示 系 统 为 了 您 的 人 身 安 全 以 及 避 免 财 产 损 失,

More information

2002 7 2 Session Number E-Business PSTN PSTN Remote Site Frame Relay X.25 Leased Line : & Self Replicating Code Password Guessing 1980 Exploiting Known Vulnerabilities Password Cracking Back Doors

More information

ebook62-1

ebook62-1 1 Red Hat Linux R e d Hat Linux L i n u x X Wi n d o w Red Hat L i n u x 1.1 Red Hat Linux Red Hat 16 M 120 M 3. 5 Intel 386 C D - R O M C D - R O M We b / 1.1.1 L i n u x L i n u 4 Primary Partition Extended

More information

Cloud LAN Layer 2 Layer 3 IP Layer 2 Layer 2 Layer 2 Layer 3 Layer 3 VPN (1) ( / ) QoS LAN compute SAN compute IP Fiber Channel LAN Layer 3 SAN VLAN V

Cloud LAN Layer 2 Layer 3 IP Layer 2 Layer 2 Layer 2 Layer 3 Layer 3 VPN (1) ( / ) QoS LAN compute SAN compute IP Fiber Channel LAN Layer 3 SAN VLAN V 雲端運算與資料中心 Cisco Data Center Interconnect 的 LAN Extension 舒念先 傳統 古典的網路設計經驗 總是將 Layer 2 網路隔離和縮小到最小的範圍 以核心層 聚合層 和存取層的三個階層架構 Layer 2 被限制到存取層 依靠 Layer 3 提供的路由 達到相互連接 隨著企業永續經營 伺服器的叢集化和虛擬化 負載平衡和災難復原等的需求 使得資料中心持

More information

EMC® VNX® Series VNX8000™ Block 安装指南

EMC® VNX® Series VNX8000™ Block 安装指南 EMC VNX Series VNX8000 Block 安 装 指 南 300-999-791 REV 05 版 权 所 有 2014-2015 EMC Corporation 保 留 所 有 权 利 中 国 印 刷 发 布 日 期 : 2015 年 2 月 EMC 确 信 本 出 版 物 在 发 布 之 日 内 容 准 确 无 误 本 出 版 物 中 的 信 息 可 随 时 更 改 而 不 另

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

AL-M200 Series

AL-M200 Series NPD4754-00 TC ( ) Windows 7 1. [Start ( )] [Control Panel ()] [Network and Internet ( )] 2. [Network and Sharing Center ( )] 3. [Change adapter settings ( )] 4. 3 Windows XP 1. [Start ( )] [Control Panel

More information

PowerPoint 演示文稿

PowerPoint 演示文稿 Hadoop 生 态 技 术 在 阿 里 全 网 商 品 搜 索 实 战 阿 里 巴 巴 - 王 峰 自 我 介 绍 真 名 : 王 峰 淘 宝 花 名 : 莫 问 微 博 : 淘 莫 问 2006 年 硕 士 毕 业 后 加 入 阿 里 巴 巴 集 团 淘 及 搜 索 事 业 部 ( 高 级 技 术 与 家 ) 目 前 负 责 搜 索 离 线 系 统 团 队 技 术 方 向 : 分 布 式 计 算

More information

创业板投资风险提示:本次股票发行后拟在创业板市场上市,该市场具有较高的投资风险

创业板投资风险提示:本次股票发行后拟在创业板市场上市,该市场具有较高的投资风险 创 业 板 投 资 风 险 提 示 : 本 次 股 票 发 行 后 拟 在 创 业 板 市 场 上 市, 该 市 场 具 有 较 高 的 投 资 风 险 创 业 板 公 司 具 有 业 绩 不 稳 定 经 营 风 险 高 退 市 风 险 大 等 特 点, 投 资 者 面 临 较 大 的 市 场 风 险 投 资 者 应 充 分 了 解 创 业 板 市 场 的 投 资 风 险 及 本 公 司 所 披 露

More information

目 录 简 介.3 ` 体 系 结 构...4 数 据 层...5 数 据 连 接 器...6 Tableau Server 组 件...7 网 关 / 负 载 平 衡 器...8 客 户 端 :Web 浏 览 器 和 移 动 应 用 程 序...8 客 户 端 :Tableau Desktop..

目 录 简 介.3 ` 体 系 结 构...4 数 据 层...5 数 据 连 接 器...6 Tableau Server 组 件...7 网 关 / 负 载 平 衡 器...8 客 户 端 :Web 浏 览 器 和 移 动 应 用 程 序...8 客 户 端 :Tableau Desktop.. Neelesh Kamkolkar, 产 品 经 理 Ellie Fields, 产 品 营 销 副 总 裁 Marc Rueter, 战 略 解 决 方 案 高 级 总 监 适 用 于 企 业 的 Tableau: IT 概 述 目 录 简 介.3 ` 体 系 结 构...4 数 据 层...5 数 据 连 接 器...6 Tableau Server 组 件...7 网 关 / 负 载 平 衡

More information

6112 http / /mops.tse.com.tw http / /

6112 http / /mops.tse.com.tw http / / 6112 http/ /mops.tse.com.tw http/ / www.sysage.com.tw (02)8797-8260 pr@sysage.com.tw 134 5 02-87978260 516 10 02-87978260 2 7 1 03-5437168 51 20 A2 04-23271151 38 20 2 07-5372088 533 (02)2381-6288 http//www.nsc.com.tw

More information

BYOD Http Redirect convergence Client (1) 2008R2 NLB( ) (2) NLB Unicast mode switch flooding (arp ) NLB DNS Redirect 1. Round-Robin DNS DNS IP/DNS Cli

BYOD Http Redirect convergence Client (1) 2008R2 NLB( ) (2) NLB Unicast mode switch flooding (arp ) NLB DNS Redirect 1. Round-Robin DNS DNS IP/DNS Cli BYOD 204 2015 GoogleHicloud (Load Balance) Server Load Balance Link Load Balance Server Redirect 1. URL Redirect redirector URL redirect Real Server Client HTTP Real Server Web Client 2 (1) URL Redirect

More information

111

111 修 平 科 技 大 學 資 訊 網 路 技 術 系 貪 食 蛇 組 長 :BN99017 賴 冠 諻 組 員 :BN99001 楊 欣 樺 BN99008 楊 典 瑾 BN99041 陳 宥 瑞 BN99043 張 州 凱 指 導 老 師 : 口 試 老 師 : 口 試 老 師 : 口 試 老 師 : 中 華 民 國 1 0 3 年 6 月 目 錄 目 錄 1 摘 要 3 第 一 章 緒 論 4 (

More information

NEXT SDT2.51 C:\ARM251 SDT2.51 ARM SDT 2.51 ARM PROJECT MANAGER SDT 2

NEXT SDT2.51 C:\ARM251 SDT2.51 ARM SDT 2.51 ARM PROJECT MANAGER SDT 2 S3C44B0 SDT DRAGNBOY MICROSTAR ARM 51 ARM S3C44B0 ARM SDT2.51 IAR ADS SDT2.51 S3C44B0 LEDTEST SDT ARM 1 2 SDT embed.8800.org SDT2.51 SDT2.51 ARM ARM CPU ARM SDT ADS ADS MULTI-ICE SDT JTAG JTAG SDT SDT2.51

More information

財金資訊-80期.indd

財金資訊-80期.indd IPv6 / LINE YouTube TCP/IP TCP (Transmission Control Protocol) IP (Internet Protocol) (node) (address) IPv4 168.95.1.1 IPv4 1981 RFC 791 --IP IPv4 32 2 32 42 IP (Internet Service Provider ISP) IP IP IPv4

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

Microsoft Word - PS2_linux_guide_cn.doc

Microsoft Word - PS2_linux_guide_cn.doc Linux For $ONY PlayStatioin2 Unofficall General Guide Language: Simplified Chinese First Write By Beter Hans v0.1 Mail: hansb@citiz.net Version: 0.1 本 人 是 菜 鸟 + 小 白 欢 迎 指 正 错 误 之 处, 如 果 您 有 其 他 使 用 心 得

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

AppAssure 5

AppAssure 5 Dell AppAssure 5 用 户 指 南 5.4.2 2014 Dell Inc. 保 留 所 有 权 利 本 指 南 包 含 受 版 权 保 护 的 专 有 信 息 本 指 南 中 所 述 的 软 件 根 据 软 件 许 可 或 保 密 协 议 提 供 只 能 根 据 适 用 协 议 的 条 款 使 用 或 复 制 此 软 件 未 经 Dell Inc. 书 面 许 可, 不 得 以 任

More information

W. Richard Stevens UNIX Sockets API echo Sockets TCP OOB IO C struct C/C++ UNIX fork() select(2)/poll(2)/epoll(4) IO IO CPU 100% libevent UNIX CPU IO

W. Richard Stevens UNIX Sockets API echo Sockets TCP OOB IO C struct C/C++ UNIX fork() select(2)/poll(2)/epoll(4) IO IO CPU 100% libevent UNIX CPU IO Linux muduo C++ (giantchen@gmail.com) 2012-09-30 C++ TCP C++ x86-64 Linux TCP one loop per thread Linux native muduo C++ IT 5 C++ muduo 2 C++ C++ Primer 4 W. Richard Stevens UNIX Sockets API echo Sockets

More information

ebook 185-6

ebook 185-6 6 Red Hat Linux DB2 Universal Database 6.1 D B 2 Red Hat D B 2 Control Center D B 2 D B 2 D B 2 6.1 DB2 Universal Database [DB2]6.1 D B 2 O LT P O L A P D B 2 I B M P C We e k D B 2 D B 2 L i n u x Windows

More information

FAQ -PowerDesigner9.5.DOC

FAQ -PowerDesigner9.5.DOC PowerDesigner 9.5 FAQ 1. PowerDesigner PowerDesigner PowerDesigner (CASE Tool,Computer Aided Software Engineering) PowerDesigner 1989 9.5 2. PowerDesigner PowerDesigner Internet ( Java) PowerDesigner 7.0

More information

6-7 6-8 6-9 Process Data flow Data store External entity 6-10 Context diagram Level 0 diagram Level 1 diagram Level 2 diagram 6-11 6-12

6-7 6-8 6-9 Process Data flow Data store External entity 6-10 Context diagram Level 0 diagram Level 1 diagram Level 2 diagram 6-11 6-12 6-1 6-2 6-3 6-4 6-5 6-6 6-7 6-8 6-9 Process Data flow Data store External entity 6-10 Context diagram Level 0 diagram Level 1 diagram Level 2 diagram 6-11 6-12 6-13 6-14 6-15 6-16 6-17 6-18 6-19 6-20 6-21

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

Learning Java

Learning Java Java Introduction to Java Programming (Third Edition) Prentice-Hall,Inc. Y.Daniel Liang 2001 Java 2002.2 Java2 2001.10 Java2 Philip Heller & Simon Roberts 1999.4 Java2 2001.3 Java2 21 2002.4 Java UML 2002.10

More information

经华名家讲堂

经华名家讲堂 5.1 5.1.1 5.1.2 5.2 5.2.1 5.2.2 5.2.3 5.2.4 5.2.5 5.3 5.3.1 5.3.2 5.3.3 / 5.3.4 / 5.3.5 / 5.4 Internet 5.4.1 Internet 5.4.2 Intranet 1. 2. 1 31 5 5.1 5.1.1 Internet 1 Host 20 60 IBM 2000 2 20 60 20 60

More information

Ác Åé å Serial ATA ( nvidia nforce4 SLI) S A T A (1) SATA (2) BIOS SATA (3)* RAID BIOS RAID (4) SATA (5) SATA (a) S A T A ( S A T A R A I D ) (b) (c)

Ác Åé å Serial ATA ( nvidia nforce4 SLI) S A T A (1) SATA (2) BIOS SATA (3)* RAID BIOS RAID (4) SATA (5) SATA (a) S A T A ( S A T A R A I D ) (b) (c) Serial ATA ( nvidia nforce4 SLI)...2 (1) SATA... 2 (2) B I O S S A T A... 3 (3) RAID BIOS RAID... 6 (4) S A T A... 9 (5) S A T A... 11 (6) Microsoft Windows 2000... 14 Ác Åé å Serial ATA ( nvidia nforce4

More information

untitled

untitled BEA WebLogic Server WebLogic Server WebLogic Server Domain Administration Server Managed Server 行 說 Domains Domain Server 1 Server 2 Cluster Server 4 Server 3 Machine A Machine B Machine A 1. Domain Domain

More information

Oracle 4

Oracle 4 Oracle 4 01 04 Oracle 07 Oracle Oracle Instance Oracle Instance Oracle Instance Oracle Database Oracle Database Instance Parameter File Pfile Instance Instance Instance Instance Oracle Instance System

More information

Windows 2000 Server for T100

Windows 2000 Server for T100 2 1 Windows 95/98 Windows 2000 3.5 Windows NT Server 4.0 2 Windows DOS 3.5 T200 2002 RAID RAID RAID 5.1 Windows 2000 Server T200 2002 Windows 2000 Server Windows 2000 Server Windows 2000 Server 3.5 for

More information

untitled

untitled rxli@public.wh.hb.cn http://idc.hust.edu.cn/~rxli/ 2 3 ( ) (Distributed System) Integrated System () 4 5 6 System Integration 7 8 Integrated System 9 1.1 CIMS IDEF CSCW STEP MIS MRPII ERP CRM SCM MIS:

More information

Sophos Central 快速安裝手冊

Sophos Central 快速安裝手冊 Sophos Central 快速安裝手冊 1 1. Sophos Central...5 2....9 3....13 3.1. Enduser Protection...13 3.2. Intercept X...21 3.3....28 3.4....36 3.5....45 3.5.1...45 3.5.2...50 3.5.3...54 3.5.4...57 3.5.5...60 3.6...63

More information

HOL-CHG-1695

HOL-CHG-1695 Table of Contents 练 习 概 述 - - vsphere 挑 战 练 习... 2 练 习 指 导... 3 第 1 单 元 : 在 实 践 中 学 习 (15 分 钟 )... 5 剪 贴 板 复 制 和 粘 贴 功 能 无 法 使 用?... 6 虚 拟 机 性 能 不 佳... 17 第 2 单 元 : 基 本 运 维 挑 战 (30 分 钟 )... 32 无 法 登 录

More information

59 1 CSpace 2 CSpace CSpace URL CSpace 1 CSpace URL 2 Lucene 3 ID 4 ID Web 1. 2 CSpace LireSolr 3 LireSolr 3 Web LireSolr ID

59 1 CSpace 2 CSpace CSpace URL CSpace 1 CSpace URL 2 Lucene 3 ID 4 ID Web 1. 2 CSpace LireSolr 3 LireSolr 3 Web LireSolr ID 58 2016. 14 * LireSolr LireSolr CEDD Ajax CSpace LireSolr CEDD Abstract In order to offer better image support services it is necessary to extend the image retrieval function of our institutional repository.

More information

SSIS 2012SSIS 2005SSISVisual Studio Visual Studio 2010Package SSISSSIS Integration Services SSIS /2008/ R2 SSIS D Integration Serv

SSIS 2012SSIS 2005SSISVisual Studio Visual Studio 2010Package SSISSSIS Integration Services SSIS /2008/ R2 SSIS D Integration Serv 02 SQL Server Data Tools Integration Services SSIS 2012SSIS 2005SSISVisual Studio Visual Studio 2010Package SSISSSIS Integration Services SSIS 20122005/2008/2008 2 R2 SSIS D 02-01 Integration Services

More information

Guide to Install SATA Hard Disks

Guide to Install SATA Hard Disks SATA RAID 1. SATA. 2 1.1 SATA. 2 1.2 SATA 2 2. RAID (RAID 0 / RAID 1 / JBOD).. 4 2.1 RAID. 4 2.2 RAID 5 2.3 RAID 0 6 2.4 RAID 1.. 10 2.5 JBOD.. 16 3. Windows 2000 / Windows XP 20 1. SATA 1.1 SATA Serial

More information

EJB-Programming-3.PDF

EJB-Programming-3.PDF :, JBuilder EJB 2.x CMP EJB Relationships JBuilder EJB Test Client EJB EJB Seminar CMP Entity Beans Value Object Design Pattern J2EE Design Patterns Value Object Value Object Factory J2EE EJB Test Client

More information

IT (1) IDE... 2 (2) BIOS IDE RAID... 3 (3) RAID BIOS RAID... 5 (4) R A I D (5) ID E RA ID... 15

IT (1) IDE... 2 (2) BIOS IDE RAID... 3 (3) RAID BIOS RAID... 5 (4) R A I D (5) ID E RA ID... 15 IT8212...2 (1) IDE... 2 (2) BIOS IDE RAID... 3 (3) RAID BIOS RAID... 5 (4) R A I D... 13 (5) ID E RA ID... 15 Ác Åé å IT8212 (1) IDE (2) BIOS IDE RAID (3) RAID BIOS RAID (4) RAID (5) RAID (a) ( )IDE (

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

关于我 刘超 网易云解决方案总架构师 10 余年云计算领域研发及架构经验, 先后在 EMC,CCTV 证券资讯频道,HP, 华为, 网易从事云计算和大数据架构工作 毕业于上海交通大学 曾出版 Lucene 应用开发揭秘 多次作为邀请讲师参加 Dockone 容器技术大会,Segmentfault 开

关于我 刘超 网易云解决方案总架构师 10 余年云计算领域研发及架构经验, 先后在 EMC,CCTV 证券资讯频道,HP, 华为, 网易从事云计算和大数据架构工作 毕业于上海交通大学 曾出版 Lucene 应用开发揭秘 多次作为邀请讲师参加 Dockone 容器技术大会,Segmentfault 开 基于 Service Mesh 的 海量容器管理平台实践 关于我 刘超 网易云解决方案总架构师 10 余年云计算领域研发及架构经验, 先后在 EMC,CCTV 证券资讯频道,HP, 华为, 网易从事云计算和大数据架构工作 毕业于上海交通大学 曾出版 Lucene 应用开发揭秘 多次作为邀请讲师参加 Dockone 容器技术大会,Segmentfault 开发者大会,InfoQ 全球架构师峰会 ( 明星讲师

More information

Serial ATA ( nvidia nforce4 Ultra/SLI)...2 (1) SATA... 2 (2) B I O S S A T A... 3 (3) RAID BIOS RAID... 6 (4) S A T A... 9 (5) S A T A (6) Micro

Serial ATA ( nvidia nforce4 Ultra/SLI)...2 (1) SATA... 2 (2) B I O S S A T A... 3 (3) RAID BIOS RAID... 6 (4) S A T A... 9 (5) S A T A (6) Micro Serial ATA ( nvidia nforce4 Ultra/SLI)...2 (1) SATA... 2 (2) B I O S S A T A... 3 (3) RAID BIOS RAID... 6 (4) S A T A... 9 (5) S A T A... 11 (6) Microsoft Windows 2000... 14 Ác Åé å Serial ATA ( nvidia

More information

untitled

untitled Chapter 01 1.0... 1-2 1.1... 1-2 1.1.1...1-2 1.1.2...1-4 1.1.2.1... 1-6 1.1.2.2... 1-7 1.1.2.3... 1-7 1.1.2.4... 1-7 1.1.2.5... 1-8 1.1.2.6... 1-8 1.1.3??...1-8 1.1.4...1-9 1.2...1-12 1.3...1-14 1.4...1-17

More information