C#编写TensorFlow人工智能应用 TensorFlowSharp

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();// 从文件加载序列化的GraphDefvar model = File.ReadAllBytes(modelFile);//导入GraphDefgraph.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// itbool 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 arrayfor (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 imageConstructGraphToNormalizeImage(out graph, out input, out output);// Execute that graph to normalize this one imageusing (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/

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.mzph.cn/news/387335.shtml

如若内容造成侵权/违法违规/事实不符,请联系多彩编程网进行投诉反馈email:809451989@qq.com,一经查实,立即删除!

相关文章

马尔可夫链 (Markov Chain)是什么鬼

作者&#xff1a;红猴子链接&#xff1a;https://www.zhihu.com/question/26665048/answer/157852228来源&#xff1a;知乎著作权归作者所有。商业转载请联系作者获得授权&#xff0c;非商业转载请注明出处。马尔可夫链 &#xff08;Markov Chain&#xff09;是什么鬼 它是随机…

主题模型-LDA浅析

个性化推荐、社交网络、广告预测等各个领域的workshop上都提到LDA模型&#xff0c;感觉这个模型的应用挺广泛的&#xff0c;会后抽时间了解了一下LDA&#xff0c;做一下总结&#xff1a; &#xff08;一&#xff09;LDA作用 传统判断两个文档相似性的方法是通过查看两个文档共…

dorado-SplitSpanel控件

1.这是一个界面布局控件 2.分为SideControl边区域和MainControl主区域 3.常用属性 3.1 collapsed&#xff1a;打开页面时&#xff0c;边区域是否显示 3.2 position&#xff1a;边区域占总的大小 转载于:https://www.cnblogs.com/ergougougou/p/10438752.html

CAFFE怎样跑起来

0、参考文献 [1]caffe官网《Training LeNet on MNIST with Caffe》; [2]薛开宇《读书笔记4学习搭建自己的网络MNIST在caffe上进行训练与学习》&#xff08;[1]的翻译版&#xff0c;同时还有作者的一些注解&#xff0c;很赞&#xff09;; 1、*.sh文件如何执行&#xff1f; ①方…

运行caffe自带的两个简单例子

为了程序的简洁&#xff0c;在caffe中是不带练习数据的&#xff0c;因此需要自己去下载。但在caffe根目录下的data文件夹里&#xff0c;作者已经为我们编写好了下载数据的脚本文件&#xff0c;我们只需要联网&#xff0c;运行这些脚本文件就行了。 注意&#xff1a;在caffe中运…

运行caffe自带的mnist实例详细教

为了程序的简洁&#xff0c;在caffe中是不带练习数据的&#xff0c;因此需要自己去下载。但在caffe根目录下的data文件夹里&#xff0c;作者已经为我们编写好了下载数据的脚本文件&#xff0c;我们只需要联网&#xff0c;运行这些脚本文件就行了。 Mnist介绍&#xff1a;mnist是…

caffe路径正确,却读不到图片

调试caffe&#xff0c;用已有的网络训练自己的数据集的时候&#xff08;我这里做的是二分类&#xff09;。在生成均值文件之后&#xff0c;开始train&#xff0c;发现出现了这个问题。 1&#xff0c;路径正确&#xff0c;却读不到图片。 [db_lmdb.hpp:15] Check failed: mdb_st…

Eclipse可以执行jsp文件却无法访问Tomcat主页

点击Servers,然后双击本地的Tomcat服务器 出现如下界面 这里要选择第二项 再重新启动Tomcat就行了 转载于:https://www.cnblogs.com/lls1350767625/p/10452565.html

caffe调用的一个例子

本文是学习Caffe官方文档"ImageNet Tutorial"时做的&#xff0c;同样由于是Windows版本的原因&#xff0c;很多shell脚本不能直接使用&#xff0c;走了不少弯路&#xff0c;但是收获也不少。比如&#xff1a;如何让shell脚本在Windows系统上直接运行、如何去用Caffe给…

孔铜的铜厚

---恢复内容开始--- 表面处理方式注释&#xff1a; 喷锡 喷锡铅合金是一种最低成本PCB表面有铅工艺&#xff0c;它能保持良好的可焊接性。但对于精细引脚间距(<0.64mm)的情况&#xff0c;可能导致焊料的桥接和厚度问题。 无铅喷锡 一种无铅表面处理工艺&#xff0c;符合“环…

各种机器学习的优缺点及应用场景

目录 正则化算法&#xff08;Regularization Algorithms&#xff09; 集成算法&#xff08;Ensemble Algorithms&#xff09; 决策树算法&#xff08;Decision Tree Algorithm&#xff09; 回归&#xff08;Regression&#xff09; 人工神经网络&#xff08;Artificial…

TensorFlow自带例子

TensorFlow自带例子已经包含了android和ios下的摄像头图像分类示例Inception&#xff0c;这里补充一个Windows下的&#xff0c;使用AForge库(www.aforgenet.com)操作摄像头。 代码在这里下载&#xff0c;使用Visual Studio 2017编译。 http://files.cnblogs.com/files/autosoft…

java01基础简介

1 java概述 开发服务器端应用程序最流行语言&#xff0c;产生网页、运行后端逻辑。 当对java了解到一定程度&#xff0c;阅读源码才能解决问题。 Applet&#xff1a;在网页中运行的java程序&#xff0c; Java的应用领域&#xff1a; 桌面应用系统开发 企业级应用开发 多媒…

TensorFlow自带例子已经包含了android和ios下的摄像头图像分类示例Inception v1,这里补充一个Windows下的,使用AForge库(www.aforgenet.com)操作

TensorFlow自带例子已经包含了android和ios下的摄像头图像分类示例Inception v1&#xff0c;这里补充一个Windows下的&#xff0c;使用AForge库(www.aforgenet.com)操作摄像头。 代码在这里下载&#xff0c;使用Visual Studio 2017编译。 http://files.cnblogs.com/files/autos…

BP神经网络与Python实现

人工神经网络是一种经典的机器学习模型&#xff0c;随着深度学习的发展神经网络模型日益完善.联想大家熟悉的回归问题&#xff0c; 神经网络模型实际上是根据训练样本创造出一个多维输入多维输出的函数&#xff0c; 并使用该函数进行预测&#xff0c; 网络的训练过程即为调节该…

《关于长沙.NET技术社区未来发展规划》问卷调查结果公布

那些开发者们对于社区的美好期待 2月&#xff0c;长沙.net 技术社区自从把群拉起来开始&#xff0c;做了一次比较正式、题目为《关于长沙.NET技术社区未来发展规划》的问卷调查&#xff0c;在问卷调查中&#xff0c;溪源写道&#xff1a; 随着互联网时代的到来&#xff0c;互联…

第一节:ASP.NET开发环境配置

第一节&#xff1a;ASP.NET开发环境配置 什么是ASP.NET&#xff0c;学这个可以做什么&#xff0c;学习这些有什么内容&#xff1f; ASP.NET是微软公司推出的WEB开发技术。 2002年&#xff0c;推出第一个版本&#xff0c;先后推出ASP.NET2.0&#xff0c;和ASP.NET3.5&#xff0c…

深度学习笔记之win7下TensorFlow的安装

最近要学习神经网络相关的内容&#xff0c;所以需要安装TensorFlow。不得不说&#xff0c;安装TensorFlow的感受就像是大一刚入学学习C语言时&#xff0c;安装vs时一样&#xff0c;问题一大堆&#xff0c;工具都装不好&#xff0c;还学啥呀。好在&#xff0c;就在昨晚&#xff…

人脸识别经典算法一:特征脸方法(Eigenface)

这篇文章是撸主要介绍人脸识别经典方法的第一篇&#xff0c;后续会有其他方法更新。特征脸方法基本是将人脸识别推向真正可用的第一种方法&#xff0c;了解一下还是很有必要的。特征脸用到的理论基础PCA在另一篇博客里&#xff1a;特征脸(Eigenface)理论基础-PCA(主成分分析法)…