TensorFlowSharp入门使用C#编写TensorFlow人工智能应用学习。

TensorFlow简单介绍

TensorFlow 是谷歌的第二代机器学习系统,按照谷歌所说,在某些基准测试中,TensorFlow的表现比第一代的DistBelief快了2倍。

TensorFlow 内建深度学习的扩展支持,任何能够用计算流图形来表达的计算,都可以使用TensorFlow。

任何基于梯度的机器学习算法都能够受益于TensorFlow的自动分化(auto-differentiation)。通过灵活的Python接口,要在TensorFlow中表达想法也会很容易。

TensorFlow 对于实际的产品也是很有意义的。将思路从桌面GPU训练无缝搬迁到手机中运行。

示例Python代码:

import tensorflow as tf

import numpy as np

# Create 100 phony x, y data points in NumPy, y = x * 0.1 + 0.3

x_data = np.random.rand(100).astype(np.float32)

y_data = x_data * 0.1 + 0.3

# Try to find values for W and b that compute y_data = W * x_data + b

# (We know that W should be 0.1 and b 0.3, but TensorFlow will

# figure that out for us.)

W = tf.Variable(tf.random_uniform([1], -1.0, 1.0))

b = tf.Variable(tf.zeros([1]))

y = W * x_data + b

# Minimize the mean squared errors.

loss = tf.reduce_mean(tf.square(y - y_data))

optimizer = tf.train.GradientDescentOptimizer(0.5)

train = optimizer.minimize(loss)

# Before starting, initialize the variables.  We will 'run' this first.

init = tf.global_variables_initializer()

# Launch the graph.

sess = tf.Session()

sess.run(init)

# Fit the line.

for step in range(201):

sess.run(train)

if step % 20 == 0:

print(step, sess.run(W), sess.run(b))

# Learns best fit is W: [0.1], b: [0.3]

使用TensorFlowSharp 

GitHub:https://github.com/migueldeicaza/TensorFlowSharp

官方源码库,该项目支持跨平台,使用Mono。

可以使用NuGet 安装TensorFlowSharp,如下:

Install-Package TensorFlowSharp

编写简单应用

使用VS2017新建一个.NET Framework 控制台应用 tensorflowdemo,接着添加TensorFlowSharp 引用。

TensorFlowSharp 包比较大,需要耐心等待。

然后在项目属性中生成->平台目标 改为 x64。

打开Program.cs 写入如下代码:

static void Main(string[] args)

{

using (var session = new TFSession())

{

var graph = session.Graph;

Console.WriteLine(TFCore.Version);

var a = graph.Const(2);

var b = graph.Const(3);

Console.WriteLine("a=2 b=3");

// 两常量加

var addingResults = session.GetRunner().Run(graph.Add(a, b));

var addingResultValue = addingResults[0].GetValue();

Console.WriteLine("a+b={0}", addingResultValue);

// 两常量乘

var multiplyResults = session.GetRunner().Run(graph.Mul(a, b));

var multiplyResultValue = multiplyResults[0].GetValue();

Console.WriteLine("a*b={0}", multiplyResultValue);

var tft = new TFTensor(Encoding.UTF8.GetBytes($"Hello TensorFlow Version {TFCore.Version}! LineZero"));

var hello = graph.Const(tft);

var helloResults = session.GetRunner().Run(hello);

Console.WriteLine(Encoding.UTF8.GetString((byte[])helloResults[0].GetValue()));

}

Console.ReadKey();

}

运行程序结果如下:

TensorFlow C# image recognition

图像识别示例体验

https://github.com/migueldeicaza/TensorFlowSharp/tree/master/Examples/ExampleInceptionInference

下面学习一个实际的人工智能应用,是非常简单的一个示例,图像识别。

新建一个 imagerecognition .NET Framework 控制台应用项目,接着添加TensorFlowSharp 引用。

然后在项目属性中生成->平台目标 改为 x64。

接着编写如下代码:

class Program

{

static string dir, modelFile, labelsFile;

public static void Main(string[] args)

{

dir = "tmp";

List<string> files = Directory.GetFiles("img").ToList();

ModelFiles(dir);

var graph = new TFGraph();

// 从文件加载序列化的GraphDef

var model = File.ReadAllBytes(modelFile);

//导入GraphDef

graph.Import(model, "");

using (var session = new TFSession(graph))

{

var labels = File.ReadAllLines(labelsFile);

Console.WriteLine("TensorFlow图像识别 LineZero");

foreach (var file in files)

{

// Run inference on the image files

// For multiple images, session.Run() can be called in a loop (and

// concurrently). Alternatively, images can be batched since the model

// accepts batches of image data as input.

var tensor = CreateTensorFromImageFile(file);

var runner = session.GetRunner();

runner.AddInput(graph["input"][0], tensor).Fetch(graph["output"][0]);

var output = runner.Run();

// output[0].Value() is a vector containing probabilities of

// labels for each image in the "batch". The batch size was 1.

// Find the most probably label index.

var result = output[0];

var rshape = result.Shape;

if (result.NumDims != 2 || rshape[0] != 1)

{

var shape = "";

foreach (var d in rshape)

{

shape += $"{d} ";

}

shape = shape.Trim();

Console.WriteLine($"Error: expected to produce a [1 N] shaped tensor where N is the number of labels, instead it produced one with shape [{shape}]");

Environment.Exit(1);

}

// You can get the data in two ways, as a multi-dimensional array, or arrays of arrays,

// code can be nicer to read with one or the other, pick it based on how you want to process

// it

bool jagged = true;

var bestIdx = 0;

float p = 0, best = 0;

if (jagged)

{

var probabilities = ((float[][])result.GetValue(jagged: true))[0];

for (int i = 0; i < probabilities.Length; i++)

{

if (probabilities[i] > best)

{

bestIdx = i;

best = probabilities[i];

}

}

}

else

{

var val = (float[,])result.GetValue(jagged: false);

// Result is [1,N], flatten array

for (int i = 0; i < val.GetLength(1); i++)

{

if (val[0, i] > best)

{

bestIdx = i;

best = val[0, i];

}

}

}

Console.WriteLine($"{Path.GetFileName(file)} 最佳匹配: [{bestIdx}] {best * 100.0}% 标识为:{labels[bestIdx]}");

}

}

Console.ReadKey();

}

// Convert the image in filename to a Tensor suitable as input to the Inception model.

static TFTensor CreateTensorFromImageFile(string file)

{

var contents = File.ReadAllBytes(file);

// DecodeJpeg uses a scalar String-valued tensor as input.

var tensor = TFTensor.CreateString(contents);

TFGraph graph;

TFOutput input, output;

// Construct a graph to normalize the image

ConstructGraphToNormalizeImage(out graph, out input, out output);

// Execute that graph to normalize this one image

using (var session = new TFSession(graph))

{

var normalized = session.Run(

inputs: new[] { input },

inputValues: new[] { tensor },

outputs: new[] { output });

return normalized[0];

}

}

// The inception model takes as input the image described by a Tensor in a very

// specific normalized format (a particular image size, shape of the input tensor,

// normalized pixel values etc.).

//

// This function constructs a graph of TensorFlow operations which takes as

// input a JPEG-encoded string and returns a tensor suitable as input to the

// inception model.

static void ConstructGraphToNormalizeImage(out TFGraph graph, out TFOutput input, out TFOutput output)

{

// Some constants specific to the pre-trained model at:

// https://storage.googleapis.com/download.tensorflow.org/models/inception5h.zip

//

// - The model was trained after with images scaled to 224x224 pixels.

// - The colors, represented as R, G, B in 1-byte each were converted to

//   float using (value - Mean)/Scale.

const int W = 224;

const int H = 224;

const float Mean = 117;

const float Scale = 1;

graph = new TFGraph();

input = graph.Placeholder(TFDataType.String);

output = graph.Div(

x: graph.Sub(

x: graph.ResizeBilinear(

images: graph.ExpandDims(

input: graph.Cast(

graph.DecodeJpeg(contents: input, channels: 3), DstT: TFDataType.Float),

dim: graph.Const(0, "make_batch")),

size: graph.Const(new int[] { W, H }, "size")),

y: graph.Const(Mean, "mean")),

y: graph.Const(Scale, "scale"));

}

/// <summary>

/// 下载初始Graph和标签

/// </summary>

/// <param name="dir"></param>

static void ModelFiles(string dir)

{

string url = "https://storage.googleapis.com/download.tensorflow.org/models/inception5h.zip";

modelFile = Path.Combine(dir, "tensorflow_inception_graph.pb");

labelsFile = Path.Combine(dir, "imagenet_comp_graph_label_strings.txt");

var zipfile = Path.Combine(dir, "inception5h.zip");

if (File.Exists(modelFile) && File.Exists(labelsFile))

return;

Directory.CreateDirectory(dir);

var wc = new WebClient();

wc.DownloadFile(url, zipfile);

ZipFile.ExtractToDirectory(zipfile, dir);

File.Delete(zipfile);

}

}

这里需要注意的是由于需要下载初始Graph和标签,而且是google的站点,所以得使用一些特殊手段。

最终我随便下载了几张图放到bin\Debug\img

然后运行程序,首先确保bin\Debug\tmp文件夹下有tensorflow_inception_graph.pb及imagenet_comp_graph_label_strings.txt。

人工智能的魅力非常大,本文只是一个入门,复制上面的代码,你没法训练模型等等操作。所以道路还是很远,需一步一步来。

更多可以查看 https://github.com/migueldeicaza/TensorFlowSharp 及 https://github.com/tensorflow/models

参考文档:

TensorFlow 官网:https://www.tensorflow.org/get_started/

TensorFlow 中文社区:http://www.tensorfly.cn/

TensorFlow 官方文档中文版:http://wiki.jikexueyuan.com/project/tensorflow-zh/

C# 编写 TensorFlow 人工智能应用的更多相关文章

  1. TensorFlowSharp入门使用C#编写TensorFlow人工智能应用

    TensorFlowSharp入门使用C#编写TensorFlow人工智能应用学习. TensorFlow简单介绍 TensorFlow 是谷歌的第二代机器学习系统,按照谷歌所说,在某些基准测试中,T ...

  2. C#编写TensorFlow人工智能应用

    C#编写TensorFlow人工智能应用 TensorFlowSharp入门使用C#编写TensorFlow人工智能应用学习. TensorFlow简单介绍 TensorFlow 是谷歌的第二代机器学 ...

  3. Tensorflow人工智能入门(一)

    前言: 作为一个程序员,已经离开开发岗好多年,最近突然迷茫了,不知道自己何去何从.互联网技术发展的速度已快得难以想象,许久不码代码的手也越来越僵直,需求沟通中的套话和空话却越发的熟练,这和当年入行时的 ...

  4. 02基于python玩转人工智能最火框架之TensorFlow人工智能&深度学习介绍

    人工智能之父麦卡锡给出的定义 构建智能机器,特别是智能计算机程序的科学和工程. 人工智能是一种让计算机程序能够"智能地"思考的方式 思考的模式类似于人类. 什么是智能? 智能的英语 ...

  5. 03基于python玩转人工智能最火框架之TensorFlow介绍

    一句话介绍: Google开源的基于数据流图的科学计算库,适用于机器学习 不局限于机器学习,但目前被大多用于机器学习等. TensorFlow计算流图的概念图 Tensor在图中流动. TensorF ...

  6. windows10环境下安装Tensorflow

    1.什么是tensorflow TensorFlow是谷歌基于DistBelief进行研发的第二代人工智能学习系统,其命名来源于本身的运行原理.Tensor(张量)意味着N维数组,Flow(流)意味着 ...

  7. 深入浅出TensorFlow(二):TensorFlow解决MNIST问题入门

    2017年2月16日,Google正式对外发布Google TensorFlow 1.0版本,并保证本次的发布版本API接口完全满足生产环境稳定性要求.这是TensorFlow的一个重要里程碑,标志着 ...

  8. 深度学习利器: TensorFlow系统架构及高性能程序设计

    2015年11月9日谷歌开源了人工智能平台TensorFlow,同时成为2015年最受关注的开源项目之一.经历了从v0.1到v0.12的12个版本迭代后,谷歌于2017年2月15日发布了TensorF ...

  9. tensorflow学习笔记二:入门基础

    TensorFlow用张量这种数据结构来表示所有的数据.用一阶张量来表示向量,如:v = [1.2, 2.3, 3.5] ,如二阶张量表示矩阵,如:m = [[1, 2, 3], [4, 5, 6], ...

随机推荐

  1. BLUETOOTH:HCI层编程

    1. HCI层协议概述: Host Controller Interface(HCI)  就是用来沟通Host和Module.Host通常就是PC,Module则是以各种物理连接形式(USB,seri ...

  2. JS 数组以及对象的深拷贝总结

    javascript 数组以及对象的深拷贝(复制数组或复制对象)的方法 前言 在js中,数组和对象的复制如果使用=号来进行复制,那只是浅拷贝.如下图演示:  如上,arr的修改,会影响arr2的值,这 ...

  3. Linux curl 模拟form表单提交信息和文件

    Linux curl 模拟form表单提交信息和文件   curl是一个命令行方式下传输数据的开源传输工具,支持多种协议:FTP.HTTP.HTTPS.IMAP.POP3.TELNET等,功能超级强大 ...

  4. post 获取checkbox值

    $str_tag=""; $s=$_POST['goods_server_name']; for($i=0;$i<count($s);$i++){ if($i==0){ $s ...

  5. MS SQL Server2012中的EOMONTH函数

    MS SQL Server2012中的EOMONTH函数   这个函数是获取一个指定日期所在月份最后一天的日期.可以得到某一个月月份的最后一天 如: declare @orderdate date=' ...

  6. 001jsp的基本知识-包括生命周期,怎么编译等等

    4 Jsp基础 4.1 Jsp引入 Servlet的作用: 用java语言开发动态资源的技术!!! Jsp的作用:用java语言(+html语言)开发动态资源的技术!!! Jsp就是servlet!! ...

  7. (转)c指针问题

    字符串常量问题: http://blog.csdn.net/zhongyili_sohu/article/details/8084188 1. 常量字符串 在代码里直接出现的”abcdef”这种字符串 ...

  8. jQuery过滤HTML标签并高亮显示关键字的方法

    本文实例讲述了jQuery过滤HTML标签并高亮显示关键字的方法.分享给大家供大家参考.具体如下: jQuery实现网页关键字过滤效果,将需要过滤的文字定义在JavaScript中,可定义多个,不过要 ...

  9. 大圣画廊v0.2(2015.7.17)

    0.2版本号加入的功能 以tag分类图片 美化.添加瀑布流效果 添加tag页和单张图片页 添加公布图片页 以下是具体解释. 每添加一个功能,都要从模型.模板,视图,路由四个方面一一改动. 模型:添加t ...

  10. 【BZOJ4275】[ONTAK2015]Badania naukowe DP

    [BZOJ4275][ONTAK2015]Badania naukowe Description 给定三个数字串A,B,C,请找到一个A,B的最长公共子序列,满足C是该子序列的子串. Input 第一 ...