【转载】Getting started with TensorFlow on iOS

原文链接:machinethink.net/blog/tensorflow-on-ios/

Before you can use a deep learning network to make predictions, you first have to train it. There aremanydifferenttoolsfortrainingneural networks butTensorFlowis quickly becoming the weapon of choice for many.

You can use TensorFlow for training your machine learning models and for making predictions using those models. Training is usually done on a powerful machine or in the cloud, but TensorFlow also works on iOS — albeit with some limitations.

In this blog post I’ll explain the ideas behind TensorFlow, how to use it to train a simple classifier, and how to put this classifier in your iOS apps.

We’ll be using theGender Recognition by Voice and Speech Analysisdataset to learn how to identify a voice as male or female based on audio recordings.

Get the code:You can find thesource code for this project on GitHub.

Update Nov-2017:Google has announcedTensorFlow Lite, which supersedes the oldMobile API. Most of the information in this blog post is still valid but the sections about building TensorFlow for iOS are out-of-date.

What is a TensorFlow and why do I need one?

TensorFlow is a software library forbuilding computational graphsin order to do machine learning.

Many other tools work at a higher level of abstraction. WithCaffefor example, you design a neural network by connecting different kinds of “layers”. This is similar to the functionality thatBNNS and MPSCNNprovide on iOS.

In TensorFlow you can also work with such layers but you can go much deeper too, all the way down to the individual computations that make up your algorithm.

You can think of TensorFlow as a toolkit forimplementing new machine learning algorithms, while other deep learning tools are forusingalgorithms implemented by other people.

That doesn’t mean you always have to build everything from scratch. TensorFlow comes with a collection of reusable building blocks, and there are other libraries such asKerasthat provide convenient modules on top of TensorFlow.

So going deep into the math is not a requirement of using TensorFlow, but the option is there if you want to get your hands dirty.

Binary classification with logistic regression

In this blog post, we’ll create a classifier using thelogistic regressionalgorithm. And yes, we’ll be building it from the ground up. So roll up those sleeves!

A classifier takes in some input data and then tells you which category — or class — this data belongs to. For this project we only have two classes: male or female, and therefore ours is abinary classifier.

Note:A binary classifier is the simplest kind of classifier but it uses the same ideas as classifiers that can tell apart hundreds or thousands of different classes. So even though we’re not exactly doing deep learning in this tutorial, the two do share a lot of common ground.

The input data we’ll use consists of 20 numbers that represent various acoustic properties of a particular recording of someone speaking. I’ll explain more about this later but think of audio frequencies and that kind of information.

In the diagram below you can see that those 20 numbers are connected to a little block calledsum. The connections have differentweights, which correspond to how important each of these 20 numbers is, according to the classifier.

This is the block diagram of how a logistic classifier operates:

Inside thesumblock, the inputs given byx0–x19and the weights of their connectionsw0–w19are simply summed up. This is a regular dot product:

sum = x[0]*w[0] + x[1]*w[1] + x[2]*w[2] + ... + x[19]*w[19] + b

We also add a so-calledbiastermbat the end. This is just another number.

The weights in the arraywand the value ofbrepresent what the classifier has learned. Training the classifier is a matter of finding the right numbers forwandb. Initially, we’ll start out with allw’s andbbeing zero. After many rounds of training,wandbwill contain a set of numbers that the classifier can use to tell apart male speech from female speech.

To convert thissuminto a probability, which is a number between 0 and 1, we apply thelogistic sigmoidfunction:

y_pred = 1 / (1 + exp(-sum))

This formula may look scary but what it does is simple: ifsumis a large positive number, the sigmoid function returns 1 or a probability of 100%. Ifsumis a large negative number, the sigmoid function returns 0. So for large positive or negative numbers, we get a confident “yes” or “no” prediction.

However, ifsumis close to 0, the sigmoid function gives a probability closer to 50% because it is unsure about the prediction. When we start training the classifier, the initial predictions will be 50 / 50 because the classifier hasn’t learned anything yet and is not confident at all about the outcome. But the more we train, the more the probabilities tend to 1 and 0, and the more certain the classifier becomes.

Nowy_predcontains the predicted outcome, the probability that the speech was from a male voice. If it is more than 0.5 (or 50%), we conclude the voice was male, otherwise it was female.

And that’s the idea behind doing binary classification using logistic regression. The input to the classifier consists of 20 numbers that describe acoustic features of an audio recording, we compute a weighted sum and apply the sigmoid function, and the output we get is the probability the speaker is male.

However, we still need to build the mechanics for training the classifier, and for that we turn to TensorFlow.

Implementing the classifier in TensorFlow

To use the classifier in TensorFlow, we need to turn its design into acomputational graphfirst. A computational graph consists of nodes that perform calculations, and of the data that flows between these nodes.

The graph for our logistic regression looks like this:

This looks a bit different than the earlier diagram, but that’s because the inputxis no longer 20 separate numbers but a vector with 20 elements inside it. The weights are represented by a matrixW. So the dot product from before has been replaced by a single matrix multiplication.

There is also an inputy. This is used for training the classifier and for verifying how well it works. The dataset we’re using has 3,168examplesof recorded speech, and for each example we also know whether it was made by a male voice or a female voice. Those known outcomes — male or female — are also called thelabelsof the dataset and that is what we’ll put intoy.

To train the classifier, we load one of the examples intoxand let the graph make a prediction: is it male or is it female? Because the weights are all zero initially, the classifier will likely make the wrong prediction. We need a way to calculate just “how much” wrong it is, and that is done by theloss function. The loss function compares the predicted outcomey_predwith the correct outcomey.

Given the loss for the training example, we use a technique calledbackpropagationto go backwards through the computational graph to adjust the weightsWandbslightly in the right direction. If the prediction was male but the correct answer was female, the weights are shifted up or down a little so that next time the outcome “female” will be more likely for this particular input.

This training procedure is repeated for all examples from the data set, over and over and over, until the graph settles on an optimal set of weights. The loss, which measures how wrong the predictions are, consequently becomes lower over time.

Backpropagation is a great technique for training these kinds of computational graphs but the math involved can be a little tricky to get right. Here is the cool thing about TensorFlow: since we expressed all the “forward” operations as nodes in a graph, it can automatically figure out what the “backward” operations are for doing backpropagation — you don’t have to do any of that math yourself. Sweet!

So what is a tensor anyway?

In the graph above the data flows from left to right, from inputs to outputs. That’s the “flow” part of TensorFlow’s name. But what is a tensor?

All the data flowing through the graph is in the form oftensors. A tensor is just a cool name for ann-dimensional array. I said thatWis a matrix of weights but as far as TensorFlow is concerned it really is a second-order tensor — in other words, a two-dimensional array.

a scalar number is a zeroth-order tensor

a vector is a first-order tensor

a matrix is a second-order tensor

a three-dimensional array is a third-order tensor

and so on…

That’s all there is to it. With deep learning such asconvolutional neural networksyou’re often dealing with tensors of four dimensions, but our logistic classifier is much simpler and so we won’t go beyond second-order tensors, a.k.a matrices.

I also saidxwas a vector — or a first-order tensor if you want — but we’re going to treat it as a matrix too. The same thing is true fory. This lets us compute the loss over the entire dataset in one go.

A single example has 20 data elements. If we load all 3,168 examples intox, thenxbecomes a 3168×20 matrix. After multiplyingxwithW, the outcomey_predis a 3168×1 matrix. That is,y_predhas one prediction for each of the examples in the dataset.

By expressing our graph in terms of matrices/tensors, we can make predictions for many examples at once.

Installing TensorFlow

OK, that’s the theory, now let’s put it into practice.

We’ll be using TensorFlow with Python. Your Mac may already have a version of Python installed but it may be an old version. I’m using Python 3.6 for this tutorial, so it’s best if you install that too.

Installing Python 3.6 is easiest using the Homebrew package manager. If you don’t have homebrew installed yet,first follow these instructions.

Then open a Terminal and type the following command to install the latest version of Python:

brew install python3

Python comes with its own package manager,pip, and we’ll use that to install the packages we need. From the Terminal, do the following:

pip3 install numpy

pip3 install scipy

pip3 install scikit-learn

pip3 install pandas

pip3 install tensorflow

In addition to TensorFlow we’ll also install NumPy, SciPy, pandas, and scikit-learn:

NumPy is a library for working withn-dimensional arrays. Sound familiar? NumPy doesn’t call them tensors, but it’s the same thing. The TensorFlow Python API is built on top of NumPy.

SciPy is a library for numerical computing. It is used by some of these other packages.

pandas is useful for loading datasets and cleaning them up.

scikit-learn is in some ways a competitor to TensorFlow, as it is a library for machine learning. We’re using it for our project because it has a number of handy functions. Since both TensorFlow and scikit-learn use NumPy arrays they can work together well.

You don’t necessarily need pandas and scikit-learn to use TensorFlow, but they are convenient and belong in any data scientist’s toolbox.

Just so you know, these packages will be installed in/usr/local/lib/python3.6/site-packages. This is useful in case you need to look something up in the TensorFlow source code that isn’t documented on the website.

Note:pipshould automatically install the best version of TensorFlow for your system. If you want to install a different version, see theofficial installation instructions. You can also build TensorFlow from source, something that we’ll be doing later when we build TensorFlow for iOS.

Let’s do a quick test to make sure everything is installed correctly. Create a new text filetryit.pywith the following contents:

importtensorflowastfa = tf.constant([1,2,3])b = tf.constant([4,5,6])sess = tf.Session(config=tf.ConfigProto(log_device_placement=True))print(sess.run(a + b))

Then run this script from the Terminal:

python3 tryit.py

It will output some debugging information about the device TensorFlow is running on (most likely the CPU but possibly a GPU if you have a Mac with an NVIDIA GPU). At the end it should say,

[5 7 9]

which is the sum of the two vectorsaandb.

It is possible that you also see messages such as:

W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library

wasn't compiled to use SSE4.1 instructions, but these are available on your

machine and could speed up CPU computations.

If this happens the version of TensorFlow that was installed on your system is not the most optimal for your CPU. One way to fix this is tobuild TensorFlow from source, because that lets you configure all the options. But for now it’s not a big deal if you see those warnings.

Taking a closer look at the data

To train a classifier, you need data.

For this project we’re using the “Gender Recognition by Voice” dataset fromKory Becker. I wanted to do something other than the usual MNIST digit recognition that you see in TensorFlow tutorials, so I went onKaggle.comto look for a dataset and this one looked interesting.

So how do you recognize voice from audio? If youdownload the datasetand look inside thevoice.csvfile you’ll just see rows and rows of numbers:

It’s important to realize that this is not actual audio data! Instead, these numbers represent different acoustic properties of recorded speech. These properties — orfeatures— were extracted from the audio recordings by a script and turned into this CSV file. Exactly how this was done is outside the scope of this tutorial, but if you’re interested you canconsult the original R source code.

The dataset contains 3,168 of suchexamples(one for each row in the spreadsheet), roughly half from male speakers and half from female speakers. For each example there are 20 acoustic features, such as:

the mean frequency in kHz

the standard deviation of the frequency

spectral flatness

spectral entropy

kurtosis

maximum fundamental frequency measured across acoustic signal

modulation index

and so on…

For most of theseI have no idea what they mean, and it’s not really important. All we care about is that we can use this data to train a classifier so that it can tell male and female voices apart, given these features.

If you wanted to use this classifier in an app to detect the gender of speech from an audio recording or audio from the microphone, you willfirst have to extract these acoustic propertiesfrom the audio data. Once you have those 20 numbers you can then give them to the trained classifier and it will tell you whether the voice is male or female.

So our classifier won’t work directly on an audio recording, only on the features that you extract from the recording.

Note:This is a good place to point out the difference between deep learning and more traditional algorithms such as logistic regression. The classifier we’re training cannot learn very complex things and you need to help it out byextracting featuresfrom the data in a preprocessing step. For this particular dataset that is done by extracting acoustic data from audio recordings.

The cool thing about deep learning is that you can train a neural network to learn how to extract those acoustic features by itself. So instead of you having to do any preprocessing, the deep learning system can take raw audio as input, extract any acoustic features it considers important, and then perform the classification.

It would be fun to build a deep learning version of this tutorial, but that’s a topic for another day.

Creating a training set and test set

Earlier I mentioned that we train the classifier by:

feeding it all the examples from the dataset,

measuring how wrong the predictions are,

and adjusting the weights based on the loss.

It turns out we shouldn’t useallof the data for training. We need to keep apart a portion of the data — known as thetest set— so that we can evaluate how well our classifier works. So we will split up the dataset into two parts: the training set that we use to train the classifier, and the test set that we use to see how accurate the classifier is.

To split up the data into training and test sets, I created a Python script calledsplit_data.py. This is what it looks like:

importnumpyasnp# 1importpandasaspddf = pd.read_csv("voice.csv", header=0)# 2labels = (df["label"] =="male").values *1# 3labels = labels.reshape(-1,1)# 4deldf["label"]# 5data = df.values# 6fromsklearn.model_selectionimporttrain_test_splitX_train, X_test, y_train, y_test = train_test_split(data, labels,                                      test_size=0.3, random_state=123456)np.save("X_train.npy", X_train)# 7np.save("X_test.npy", X_test)np.save("y_train.npy", y_train)np.save("y_test.npy", y_test)

Step-by-step, here’s how this script works:

Import the NumPy and pandas packages. Pandas makes it really easy to load CSV files and do preprocessing on the data.

Use Pandas to load the dataset fromvoice.csvinto a so-calleddataframe. This object works very much like a spreadsheet or an SQL table.

Thelabelcolumn contains the labels for the dataset: whether an example is male or female. Here we extract the labels into a new NumPy array. The original labels are text but we convert this to numbers where 1 = male, 0 = female. (The assignment of those numbers is arbitrary — in a binary classifier we often use 1 to mean the “positive” class, or the class that we’re trying to detect.)

The newlabelsarray is a one-dimensional array but our TensorFlow script will expect a two-dimensional tensor of 3,168 rows where each row has one column. So here we “reshape” the array to become two-dimensional. This doesn’t change the data in memory, only how NumPy interprets this data from now on.

Once we’re done with thelabelcolumn we remove it from the dataframe, so that we’re left with the 20 features that describe the input. We also convert the dataframe into a regular NumPy array.

We use a helper function from scikit-learn to split thedataandlabelsarrays into two portions. This randomly shuffles the examples in the dataset based onrandom_state, which is the seed for the random generator. It doesn’t matter what this seed it, but by always using the same seed we create a reproducible experiment.

Finally, save the four new arrays in NumPy’s binary file format. We now have a training set and a test set!

You can do additional preprocessing on the data in this script — such as scaling the features so they have zero mean and identical variance — but I left that out for this simple project.

Run the script from Terminal like so:

python3 split_data.py

This gives us four new files that contain the training examples (X_train.npy) and the labels for those examples (y_train.npy), as well as the test examples (X_test.npy) and their labels (y_test.npy).

Note:You may be wondering why some variable names are capitalized and why others aren’t. In mathematics, matrices are often written as uppercase and vectors as lowercase. In our script,Xis a matrix andyis a vector. It’s a convention you see in lots of machine learning code.

Building the computational graph

Now that we have the data sorted out, we can write a script for training the logistic classifier with TensorFlow. This script is calledtrain.py. To save space I won’t show the entire script here, you cansee it on GitHub.

As usual, we first import the packages we need. And then we load the training data into two NumPy arrays:X_trainandy_train. (We’re not using the test data in this script.)

importnumpyasnpimporttensorflowastfX_train = np.load("X_train.npy")y_train = np.load("y_train.npy")

Now we can build our computational graph. First we define so-calledplaceholdersfor our inputsxandy:

num_inputs =20num_classes =1withtf.name_scope("inputs"):    x = tf.placeholder(tf.float32, [None, num_inputs], name="x-input")    y = tf.placeholder(tf.float32, [None, num_classes], name="y-input")

Thetf.name_scope("...")is useful for grouping different parts of the graph into different scopes, which makes it easier to understand the graph. We putxandyinside the"inputs"scope. We also give them names,"x-input"and"y-input", so we can easily refer to them later on.

Recall that each input example is a vector of 20 elements. Each example also has a label (1 is male, 0 is female). I also mentioned that we can compute everything in one go if we combine all the examples into a matrix. That’s whyxandyare defined as two-dimensional tensors here:xhas dimensions[None, 20]andyhas dimensions[None, 1].

TheNonemeans that the first dimension is flexible and not known yet. In case of the training set we’ll put 2,217 examples intoxandy; in case of the test set it’s 951 examples.

Now that TensorFlow knows what our inputs are, we can define the classifier’sparameters:

withtf.name_scope("model"):    W = tf.Variable(tf.zeros([num_inputs, num_classes]), name="W")    b = tf.Variable(tf.zeros([num_classes]), name="b")

The tensorWcontains the weights that the classifier will learn (a 20×1 matrix because there are 20 input features and 1 output) andbcontains the bias value. These two are declared as TensorFlowvariables, which means that they can be updated by the backpropagation procedure.

With all the pieces in place, we can declare the computation that is at the heart of our logistic regression classifier:

y_pred = tf.sigmoid(tf.matmul(x, W) + b)

This multipliesxandW, adds the biasb, and then takes the logistic sigmoid. The result iny_predis the probability that the speaker of the audio data described by the features inxis male.

Note:The above line of code doesn’t actually compute anything just yet — all we’ve been doing so far is building up the computational graph. The line above simply adds nodes to the graph for matrix multiplication (tf.matmul), addition (+), and the sigmoid function (tf.sigmoid). Once we’ve built the entire graph, we can create a TensorFlow session and run it on actual data.

We’re not done yet. In order to train the model, we need to define a loss function. For a binary logistic regression classifier it makes sense to use thelog loss, and fortunately TensorFlow has a built-inlog_loss()function that saves us from writing out the actual math:

withtf.name_scope("loss-function"):    loss = tf.losses.log_loss(labels=y, predictions=y_pred)    loss += regularization * tf.nn.l2_loss(W)

Thelog_lossgraph node takes as inputy, the labels for the examples we’re currently looking at, and compares them to our predictionsy_pred. This results in a number that represents the loss.

When we first start training, the predictiony_predwill be 0.5 (or 50% male) for all examples because the classifier has no idea yet what the right answer should be. The initial loss, computed as-ln(0.5), will therefore be0.693146. As training progresses, the loss will become smaller and smaller.

The second line for computing the loss adds something calledL2 regularization. This is done to prevent overfitting, to stop the classifier from exactly memorizing the training data. That won’t be much of an issue here, since our classifier’s “memory” only consists of 20 weight values and a bias value. But regularization is a common machine learning technique, so I thought I’d include it.

Theregularizationvalue is another placeholder:

withtf.name_scope("hyperparameters"):    regularization = tf.placeholder(tf.float32, name="regularization")    learning_rate = tf.placeholder(tf.float32, name="learning-rate")

We already used placeholders to define our inputsxandy, but they are also useful for defininghyperparameters. Hyperparameters let you configure the model and how it is trained. They’re called “hyper” parameters because unlike the regular parametersWandbthey are not learned by the model — you have to set them to appropriate values yourself.

Thelearning_ratehyperparameter tells the optimizer how big of a steps it should take. Theoptimizeris what performs the backpropagation: it takes the loss and feeds it back into the graph to determine by how much to update the weights and bias values. There are many possible optimizers, but we’ll use ADAM:

withtf.name_scope("train"):    optimizer = tf.train.AdamOptimizer(learning_rate)    train_op = optimizer.minimize(loss)

This creates a node in the graph calledtrain_op. This is the node we will “run” later on in order to train the classifier.

To determine how well the classifier is doing, we’ll take occasional snapshots during training and count how many examples from the training set it can correctly predict already. Accuracy on the training set is not a great indicator of how well the classifier works, but it’s useful to track anyway — if you’re training and the accuracy of predictions on the training set becomes worse, then something’s going wrong!

We define a graph node for computing the accuracy:

withtf.name_scope("score"):    correct_prediction = tf.equal(tf.to_float(y_pred >0.5), y)    accuracy = tf.reduce_mean(tf.to_float(correct_prediction), name="accuracy")

We can run theaccuracynode to see how many examples are correctly predicted. Recall thaty_predcontains a probability between 0 and 1. By doingtf.to_float(y_pred > 0.5)we get a value of 0 if the prediction was female, and 1 if the prediction was male. We can compare that toy, which contains the correct values. The accuracy is then the number of correct predictions divided by the total number of predictions.

Later on we’ll also use this sameaccuracynode on the test set, to see how well the classifierreallydoes.

It’s useful to define one more node. This one is used to make predictions on data for which we don’t have any labels at all:

withtf.name_scope("inference"):    inference = tf.to_float(y_pred >0.5, name="inference")

To use this classifier in an app you would record a few words of spoken text, analyze it to extract the 20 acoustic features, and then give those to the classifier. Because this is new data, not data from the training or test sets, you obviously won’t have a label for it. You can only give this new data to the classifier and hope that it predicts the correct result. That’s what theinferencenode is for.

OK, that was a lot of work just for building the computational graph. Now we want to actually train it on the training set.

Training the classifier

Training usually happens in an infinite loop. For this simple logistic classifier that’s a bit overkill — it takes less than a minute to train it — but for a deep neural network you want to let the script run for hours or days until the accuracy is good enough or you run out of patience.

Here’s the first part of the training loop intrain.py:

withtf.Session()assess:    tf.train.write_graph(sess.graph_def, checkpoint_dir,"graph.pb",False)    sess.run(init)    step =0whileTrue:# here comes the training code

First we create a new TensorFlowsessionobject. To run the graph, you need a session. The call tosess.run(init)resetsWandbto all zeros.

We also write the computational graph to a file. The serializes all the nodes that we just created into the file/tmp/voice/graph.pb. We need this graph definition later for running the classifier on the test set, but also for putting the trained classifier into the iOS app.

Inside thewhile True:loop, we do the following:

perm = np.arange(len(X_train))

np.random.shuffle(perm)

X_train = X_train[perm]

y_train = y_train[perm]

First, we randomly shuffle the training examples. This is important because you don’t want the classifier to inadvertently learn anything about the order that the examples happen to be in.

Next comes the important bit: we tell the session to run thetrain_opnode. This will perform a single training run on the graph:

feed = {x: X_train, y: y_train, learning_rate:1e-2,                regularization:1e-5}        sess.run(train_op, feed_dict=feed)

When you saysess.run()you also need to provide afeed dictionary. This tells TensorFlow what the values of the placeholder nodes are.

Since this is a very simple classifier we always train on the entire training set at once, so we put theX_trainarray into placeholderxand they_trainarray into placeholdery. (For larger datasets you would train in small batches of 100 to 1000 examples.)

And that’s all we need to do. Because we’re in an infinite loop, thetrain_opnode is run many, many times. And on each iteration, the backpropagation mechanism makes a tiny change to the weightsWandb. Over time, this causes the weights to settle on their optimal values.

It is useful to understand how the training is progressing, so we’ll print a progress report every so often (every 1000 steps in the demo project):

ifstep % print_every ==0:            train_accuracy, loss_value = sess.run([accuracy, loss],                                                  feed_dict=feed)            print("step: %4d, loss: %.4f, training accuracy: %.4f"% \                    (step, loss_value, train_accuracy))

This time we don’t run thetrain_opnode but two other nodes:accuracyandloss. We use the same feed dictionary, so that the accuracy and loss are computed over the training set.

As I said before, a high training set accuracy doesn’t necessary mean the classifier will also do well on the test set, but you definitely want to see this number go up as training progresses. You should see the loss going down.

We’ll also save acheckpointevery so often:

ifstep % save_every ==0:            checkpoint_file = os.path.join(checkpoint_dir,"model")            saver.save(sess, checkpoint_file)                        print("*** SAVED MODEL ***")

This takes the values ofWandbthat the classifier has learned so far and saves them to a checkpoint file. This checkpoint is what we’ll read back in when we want to run the classifier on the test set. The checkpoint files are saved to the directory/tmp/voice/.

Run the training script from Terminal like so:

python3 train.py

The output should look something like this:

Training set size: (2217, 20)

Initial loss: 0.693146

step:    0, loss: 0.7432, training accuracy: 0.4754

step: 1000, loss: 0.4160, training accuracy: 0.8904

step: 2000, loss: 0.3259, training accuracy: 0.9170

step: 3000, loss: 0.2750, training accuracy: 0.9229

step: 4000, loss: 0.2408, training accuracy: 0.9337

step: 5000, loss: 0.2152, training accuracy: 0.9405

step: 6000, loss: 0.1957, training accuracy: 0.9553

step: 7000, loss: 0.1819, training accuracy: 0.9594

step: 8000, loss: 0.1717, training accuracy: 0.9635

step: 9000, loss: 0.1652, training accuracy: 0.9666

*** SAVED MODEL ***

step: 10000, loss: 0.1611, training accuracy: 0.9702

step: 11000, loss: 0.1589, training accuracy: 0.9707

. . .

Once you stop seeing the loss go down, wait until you see the next*** SAVED MODEL ***message and press Ctrl+C to stop training.

With the hyperparameter settings I’ve chosen for the regularization and learning rate, you should see a training set accuracy of about 97% and a loss of about 0.157. (If you setregularizationto 0 in the feed dictionary, the loss will go even lower.)

How well does it do?

Once you’ve trained your classifier, you want to test it to see how well it really works in practice. You need to do this on data that was not used for training. This is why we split up the dataset into a training set and a test set.

We’ll create a new script,test.py, that loads the graph definition and the test set, and computes how many of the test examples it predicts correctly. I will only show you the relevant bits, thefull script is here.

Note:The test accuracy is always going to be lower than the training accuracy (which was 97%). But it shouldn’t be too much lower… if that happens you’ve overfit the classifier and you need to tweak your training procedure. We can expect to see something like 95% accuracy on the test set. Anything less than 90% is cause for concern.

As before, the script first imports the packages, including the metrics package from scikit-learn to print out some additional reports. Of course, this time we load the test set instead of the training set.

importnumpyasnpimporttensorflowastffromsklearnimportmetricsX_test = np.load("X_test.npy")y_test = np.load("y_test.npy")

To compute the accuracy on the test set, we’ll need our computational graph again. Not the entire graph, because the nodes for training —train_opandloss— are not used now.

We could build up the graph by hand again but since we already saved it to the filegraph.pbwe might as well load it from that file. Here’s the code:

withtf.Session()assess:    graph_file = os.path.join(checkpoint_dir,"graph.pb")withtf.gfile.FastGFile(graph_file,"rb")asf:        graph_def = tf.GraphDef()        graph_def.ParseFromString(f.read())        tf.import_graph_def(graph_def, name="")

TensorFlow likes to store its data aspeanut butterprotocol buffer files (hence the extension.pb), so we use some helper code to load this file and import it as a graph into the session.

Next, we need to load the values ofWandbfrom the checkpoint file:

W = sess.graph.get_tensor_by_name("model/W:0")    b = sess.graph.get_tensor_by_name("model/b:0")    checkpoint_file = os.path.join(checkpoint_dir,"model")    saver = tf.train.Saver([W, b])    saver.restore(sess, checkpoint_file)

This is why we put our nodes into scopes and gave them names, so we can easily find them again usingget_tensor_by_name(). If you don’t give your nodes explicit names, then you have to dig through the graph definition to figure out what name TensorFlow assigned to it by default.

We also need to get references to a few other nodes, notably the inputsxandyand the nodes that make predictions:

x = sess.graph.get_tensor_by_name("inputs/x-input:0")    y = sess.graph.get_tensor_by_name("inputs/y-input:0")    accuracy = sess.graph.get_tensor_by_name("score/accuracy:0")    inference = sess.graph.get_tensor_by_name("inference/inference:0")

All right, so far all we’ve done is load the graph back into memory. We’ve also loaded what the classifier has learned intoWandbagain. Now we can finally test the accuracy of the classifier on data it has never seen before:

feed = {x: X_test, y: y_test}    print("Test set accuracy:", sess.run(accuracy, feed_dict=feed))

This runs theaccuracynode with the acoustic features from theX_testarray as input, and the labels fromy_testfor verification.

Note:This time the the feed dictionary doesn’t need to specify values for thelearning_rateandregularizationplaceholders. We only run the graph up to theaccuracynode and that part of the graph doesn’t use those placeholders.

We can also show a few other reports, with the help of scikit-learn:

predictions = sess.run(inference, feed_dict={x: X_test})    print("Classification report:")    print(metrics.classification_report(y_test.ravel(), predictions))    print("Confusion matrix:")    print(metrics.confusion_matrix(y_test.ravel(), predictions))

This time we’re using theinferencenode to get the predictions. Sinceinferencejust computes the predictions but does not check how accurate they are, the feed dictionary only has to include the inputxbut noty.

Run this script and you should see output similar to the following:

$ python3 test.py

Test set accuracy: 0.958991

Classification report:

precision    recall  f1-score  support

0      0.98      0.94      0.96      474

1      0.94      0.98      0.96      477

avg / total      0.96      0.96      0.96      951

Confusion matrix:

[[446  28]

[ 11 466]]

The accuracy on the test set is almost 96% — as expected a little lower than the training set accuracy, but it’s very close. That means our training was successful and we have verified that the classifier also works well on unseen data. It’s not perfect — 1 out of every 25 attempts will still be classified wrong — but it’s good enough for our purposes!

The classification report and confusion matrix show some statistics on which examples were wrongly predicted. From the confusion matrix we can tell that 446 of the female examples were correct but 28 of female examples were wrongly predicted to be male. Of the male examples 466 were identified correctly but 11 were misclassified as female.

So it seems that our classifier more often gets female voices wrong than it gets male voices wrong. The precision/recall figures from the classification report tell the same story.

TensorFlow on iOS

Now that we have a trained model that performs reasonably well on the test set, let’s build a simple iOS app that can use this model to make predictions. First, we’ll make an app that uses the TensorFlow C++ library. In the next section we’ll port the model to Metal for comparison.

There’s good news and there’s bad news. The bad news is that you’ll have to build TensorFlow from source. Actually, it gets worse: you need to install Java to do this. The good news is that it’s a fairly straightforward process.Full instructions are herebut the following steps should work (tested on TensorFlow 1.0).

It goes without saying, but you should have Xcode 8 installed. Also make sure that the active developer directory points at your installation of Xcode (if you installed Homebrew before you installed Xcode, this may be pointing at the wrong place and TensorFlow won’t build):

sudo xcode-select -s /Applications/Xcode.app/Contents/Developer

TensorFlow is built using a tool calledbazel, and bazel requires Java JDK 8. Installing the required packages is easy using Homebrew:

brew cask install java

brew install bazel

brew install automake

brew install libtool

Once that is done, you need to clone theTensorFlow GitHub repository. Important: do this in a path that doesn’t have spaces in it, otherwise bazel will refuse to build (yes, really!). I simply cloned to my home directory:

cd /Users/matthijs

git clone https://github.com/tensorflow/tensorflow -b r1.0

The-b r1.0flag tells git to clone ther1.0branch. Feel free to get a more recent branch (you cansee the branches here) or the master branch if you feel like living on the edge.

Note:On macOS Sierra theconfigurescript that you’ll be running next gave me a number of errors. I had to clone the master branch instead. On OS X El Capitan there were no errors with the r1.0 branch.

Once the repo is cloned, you need to run theconfigurescript.

cd tensorflow

./configure

This will ask a number of questions. Here is how I answered them:

Please specify the location of python. [Default is /usr/bin/python]:

I answered with/usr/local/bin/python3because I want to use Python 3.6 with TensorFlow. If you choose the default option then TensorFlow will be built with Python 2.7.

Please specify optimization flags to use during compilation [Default is

-march=native]:

Just press Enter here. For the next couple of questions, choosenfor no.

When it asks about which Python library to use, press Enter to choose the default (which should be the Python 3.6 library).

Answer the remaining questions withnfor no. Now the script will download a number of dependencies and prepare everything for building TensorFlow.

Building the static library

There are two ways to build TensorFlow:

for your Mac, which uses thebazelbuild tool

for iOS, which uses a Makefile

We want to build for iOS, so we’ll go with option 2. However, we’ll also need to build some extra tools and that will involve option 1.

Execute the following script from within thetensorflowdirectory:

tensorflow/contrib/makefile/build_all_ios.sh

This first downloads a few dependencies and then it starts the build process. If all goes well, it will create three static libraries that need to be linked into your app:libtensorflow-core.a,libprotobuf.a,libprotobuf-lite.a.

Warning:Building these libraries takes a while — a good 25 minutes on my iMac, over 3 hours on my ancient MacBook Pro — and really gets your fans blowing! You may also see a lot of compiler warnings and even some errors scroll past. Simply pretend you didn’t see those!

We’re not done yet. There are two additional helper tools we need to build. From the Terminal, run the following two commands:

bazel build tensorflow/python/tools:freeze_graph

bazel build tensorflow/python/tools:optimize_for_inference

Note: This will take another 20 or so minutes as it will build TensorFlow again from scratch (this time using bazel).

Note:If you run into trouble, consult theofficial instructions.

Building TensorFlow for Mac

This step is optional but as you’ve installed all the prerequisite packages anyway, building TensorFlow for Mac is not difficult now. This creates a newpippackage that you can install instead of the official TensorFlow package.

Why would you want to do this? Well, it lets you create a version of TensorFlow with custom options. For example, if you got the “The TensorFlow library wasn’t compiled to use SSE4.1 instructions” warnings while running thetrain.pyscript, you can compile a version of TensorFlow that enables these instructions.

To build TensorFlow for Mac, run the following from Terminal:

bazel build --copt=-march=native -c opt //tensorflow/tools/pip_package:build_pip_package

bazel-bin/tensorflow/tools/pip_package/build_pip_package /tmp/tensorflow_pkg

The-march=nativeoption adds support for SSE, AVX, AVX2, FMA, etc instructions if they are available on your CPU.

Then to install the package:

pip3 uninstall tensorflow

sudo -H pip3 install /tmp/tensorflow_pkg/tensorflow-1.0.0-XXXXXX.whl

For more detailed instructions, seethe TensorFlow website.

Freezing the graph

The iOS app we’ll be making will load the model that we trained with the Python script and uses it to make a few predictions.

Recall thattrain.pysaved the graph definition to the file/tmp/voice/graph.pb. Unfortunately, you cannot load this graph as-is into the iOS app. The full graph contains operations that are not currently supported by the TensorFlow C++ API. That’s why we need to use the two extra tools we just built.

freeze_graphtakesgraph.pband the checkpoint file that contains the trained values forWandb, and merges them into one file. It also removes any operations that are not supported on iOS.

Run this tool from a Terminal, from within thetensorflowdirectory:

bazel-bin/tensorflow/python/tools/freeze_graph \

--input_graph=/tmp/voice/graph.pb --input_checkpoint=/tmp/voice/model \

--output_node_names=model/y_pred,inference/inference --input_binary \

--output_graph=/tmp/voice/frozen.pb

This creates a simplified graph in/tmp/voice/frozen.pbthat only has the nodes up toy_predandinference. It does not include the nodes that are used for training.

The advantage of usingfreeze_graphis that it also sticks the weights into the file, so you don’t have to load these separately:frozen.pbcontains everything we need.

Theoptimize_for_inferencetool simplifies the graph even further. It takes as input thefrozen.pbfile and writes/tmp/voice/inference.pbas output. That is the file we’ll embed in the iOS app. Run the tool like so:

bazel-bin/tensorflow/python/tools/optimize_for_inference \

--input=/tmp/voice/frozen.pb --output=/tmp/voice/inference.pb \

--input_names=inputs/x --output_names=model/y_pred,inference/inference \

--frozen_graph=True

The iOS app

You can find the iOS app atgithub.com/hollance/TensorFlow-iOS-Examplein theVoiceTensorFlowfolder.

Open the project in Xcode. There are a few things to notice:

The app is written in Objective-C++ (the source files end in.mm). At this point there is no Swift API for TensorFlow, only C++.

Theinference.pbfile is already included in the project. You can copy your own version of inference.pb into the project folder if you want.

The app links withAccelerate.framework.

The app links with the static libraries you have just compiled.

Go to theProject Settingsscreen and switch to theBuild Settingstab. UnderOther Linker Flagsyou’ll see the following:

/Users/matthijs/tensorflow/tensorflow/contrib/makefile/gen/protobuf_ios/lib/

libprotobuf-lite.a

/Users/matthijs/tensorflow/tensorflow/contrib/makefile/gen/protobuf_ios/lib/

libprotobuf.a

-force_load /Users/matthijs/tensorflow/tensorflow/contrib/makefile/gen/lib/

libtensorflow-core.a

Unless your name is also “matthijs”, you will need to replace these with the path where you cloned the TensorFlow repository. (Notice thattensorflowappears twice, so the folder name istensorflow/tensorflow/...)

Note:You can also copy these three.afiles into the project folder, then you don’t need to worry about the paths. I didn’t want to do that for this demo project, aslibtensorflow-core.ais a 440MB library.

Also check theHeader Search Paths. These are currently set to:

~/tensorflow

~/tensorflow/tensorflow/contrib/makefile/downloads

~/tensorflow/tensorflow/contrib/makefile/downloads/eigen

~/tensorflow/tensorflow/contrib/makefile/downloads/protobuf/src

~/tensorflow/tensorflow/contrib/makefile/gen/proto

Again, you have to update these to where you cloned the repository.

There are some other build settings that I changed from the defaults:

Enable Bitcode: No

Warnings / Documentation Comments: No

Warnings / Deprecated Functions: No

Bitcode is not currently supported by TensorFlow, so I disabled that. I also turned off the warnings, otherwise you’d get loads of issues when you compile the app. (You will still get several Value Conversion Issue warnings. Feel free to disable those warnings too, but I personally like to be told about those.)

Once you have made the changes to the Other Linker Flags and the Header Search Paths, you can build and run the app.

Great, now you have an iOS app that uses TensorFlow! Let’s look at how it works.

Using the TensorFlow C++ API

TensorFlow for iOS is written in C++ but the amount of C++ code you need to write is — fortunately! — limited. Typically you’ll do the following:

load the graph and weights from a.pbfile

create a session using that graph

put your data into an input tensor

run the graph on one or more nodes

get the results out of the output tensor

In the demo app, this all happens inViewController.mm. First, we load the graph:

- (BOOL)loadGraphFromPath:(NSString*)path{    auto status = ReadBinaryProto(tensorflow::Env::Default(),                                  path.fileSystemRepresentation, &graph);if(!status.ok()) {NSLog(@"Error reading graph: %s", status.error_message().c_str());returnNO;    }returnYES;}

The Xcode project includes the graphinference.pbthat we made by running thefreeze_graphandoptimize_for_inferencetools ongraph.pb. If you try to loadgraph.pbinstead, you’ll get an error message:

Error adding graph to session: No OpKernel was registered to support Op

'L2Loss' with these attrs.  Registered devices: [CPU], Registered kernels:

[[Node: loss-function/L2Loss = L2Loss[T=DT_FLOAT](model/W/read)]]

The C++ API supports fewer operations than the Python API. Here it says that theL2Lossoperation that we used in the loss function node is not available on iOS. That’s why we needed to usefreeze_graphto simplify our graph.

After loading the graph, we can create a session:

- (BOOL)createSession{    tensorflow::SessionOptions options;    auto status = tensorflow::NewSession(options, &session);if(!status.ok()) {NSLog(@"Error creating session: %s",                status.error_message().c_str());returnNO;    }    status = session->Create(graph);if(!status.ok()) {NSLog(@"Error adding graph to session: %s",                status.error_message().c_str());returnNO;    }returnYES;}

Once we have the session we can use it to make some predictions. Thepredict:method takes an array of 20 floating point numbers — the acoustic features — and feeds these numbers into the graph.

Let’s take a look at how this method works:

- (void)predict:(float*)example {    tensorflow::Tensor x(tensorflow::DT_FLOAT,                          tensorflow::TensorShape({1,20}));    auto input = x.tensor();for(inti =0; i <20; ++i) {        input(0, i) = example[i];    }

This first defines the tensorxthat we use for the input data. This tensor has shape{1, 20}because it takes one example at a time and that example has 20 features. Then we copy the data from thefloat *array into the tensor.

Next up we run the session:

std::vector> inputs = {        {"inputs/x-input", x}    };    std::vector nodes = {        {"model/y_pred"},        {"inference/inference"}    };    std::vector outputs;    auto status = session->Run(inputs, nodes, {}, &outputs);if(!status.ok()) {NSLog(@"Error running model: %s", status.error_message().c_str());return;    }

What happens here is analogous to the Python code,

pred, inf = sess.run([y_pred, inference], feed_dict={x: example})

just not as succinct. We create the feed dictionary, as well as a vector that lists the nodes we want to run, and a vector that will hold the results. Finally, we tell the session to do its thing.

Once the session has run the nodes, we can print the results:

auto y_pred = outputs[0].tensor();NSLog(@"Probability spoken by a male: %f%%", y_pred(0,0));    auto isMale = outputs[1].tensor();if(isMale(0,0)) {NSLog(@"Prediction: male");    }else{NSLog(@"Prediction: female");    }}

For our purposes it would be enough to just run theinferencenode to get a male/female prediction but I also wanted to see the computed probability, which is why we run they_prednode too.

Running the app

You can run the app on the iPhone Simulator or on a device. On the simulator you may again get messages such as “The TensorFlow library wasn’t compiled to use SSE4.1 instructions”, but you shouldn’t get these on the device.

Just for testing purposes, the app will make two predictions: once for a male example and once for a female example. (I simply took those examples from the test set. Feel free to replace the numbers in themaleExampleorfemaleExamplearrays with different examples.)

Run the app and you should see the following output. The app first prints out the nodes in the graph:

Node count: 9

Node 0: Placeholder 'inputs/x-input'

Node 1: Const 'model/W'

Node 2: Const 'model/b'

Node 3: MatMul 'model/MatMul'

Node 4: Add 'model/add'

Node 5: Sigmoid 'model/y_pred'

Node 6: Const 'inference/Greater/y'

Node 7: Greater 'inference/Greater'

Node 8: Cast 'inference/inference'

Notice how this graph only includes the operations needed to make predictions, it doesn’t have any of the training stuff.

Then it prints the results of the predictions:

Probability spoken by a male: 0.970405%

Prediction: male

Probability spoken by a male: 0.005632%

Prediction: female

If you try these same examples from a Python script, you will get the exact same answers. Mission successful!

Note:As a reminder, for this demo project we’re “faking” the data (it’s just examples that I took from the test set). If you wanted to use this model on real audio, you would first need to convert the audio into these 20 acoustic features.

Pros and cons of TensorFlow on iOS

TensorFlow is a great tool for training your machine learning models and, if you’re not afraid of some math, for implementing new algorithms. For training really big models you can even use TensorFlowin the cloud.

Besides training, this blog post has also shown how to add TensorFlow into your iOS apps. In this section, I want to summarize the pros and cons of doing so.

Advantages of using TensorFlow on iOS:

Use one tool for everything. You can use TensorFlow both for training the model and for doing inference on the device. There is no need to port your computational graph to another API such as BNNS or Metal. On the other hand, you do need to “port” at least some of your Python code to C++.

TensorFlow has many more features than BNNS or Metal.

You can test it on the simulator. (Metal always needs to run on a device.)

Limitations of TensorFlow on iOS:

Currently there is no GPU support. TensorFlow does use the Accelerate framework for taking advantage of CPU vector instructions, but when it comes to raw speed you can’t beat Metal.

The TensorFlow API is C++, so you need to write your code in Objective-C++. You can’t directly use TensorFlow from Swift.

The C++ API is more limited than the Python API. This means you cannot do training on the device, because the automatic gradient computation needed by backpropagation is not currently supported. This is not such a big deal right now, since mobile device hardware isn’t great for training on anyway.

The TensorFlow static library adds about 40 MB to the size of the app bundle. You can make this smaller by reducing the number of supported operations, but that’s a big hassle. This does not include the size of your model, by the way, which may add many more megabytes.

Personally,I don’t think it’s worth the effortto use TensorFlow on iOS right now. The advantages don’t really outweigh the downsides. But it’s a young product, so who knows what TensorFlow has in store for the future…

Note:If you decide to use TensorFlow in your iOS app, you should be aware that it’s easy for people to steal your model by copying the graph’s.pbfile from your app bundle. This issue is not unique to TensorFlow, but because the frozen graph file includes both the model parameters and the graph definition, it’s a piece of cake to reverse engineer it. If your model gives you a competitive advantage, you may want to come up with a scheme to protect it from prying eyes.

Doing it on the GPU: using Metal

One of the downsides of using TensorFlow in your iOS app is that it runs on the CPU. For this particular project TensorFlow is more than adequate since the data and the model are so small. However, for larger models — and especially for deep learning — you want to use the GPU instead. And on iOS that means using Metal.

You’ll still do the training with TensorFlow on your Mac — or for big models on a Linux box with a fat GPU or even in the cloud — but the inference code that runs on iOS uses Metal instead of the TensorFlow library.

After training we need to export the learned parameters — the values ofWandb— into a format that Metal can read. Fortunately, that just means saving them as a list of floating point numbers in binary format.

Time to write one more Python script:export_weights.py(full version here). This is very similar totest.pywhere we load the graph definition and the checkpoint. But this time we do:

W.eval().tofile("W.bin")    b.eval().tofile("b.bin")

W.eval()computes the current value ofWand returns it as a NumPy array (it’s the same thing as doingsess.run(W)). Then we usetofile()to save the NumPy array to a binary file. And that’s all we need to do. :–)

Note:For our simple classifier,Wis a 20×1 matrix, which is just a list of 20 floating point numbers. For more complex models, your learned parameters may be 4-dimensional tensors. In that case you’ll have to transpose some of these dimensions, as TensorFlow stores the data in a different order than Metal expects it. This can be done with a simpletf.transpose()command, but as I said this is not necessary for our classifier.

Let’s look at the Metal version of our logistic classifier. You can find the Xcode project in theVoiceMetalfolder of thesource code. This project is written in Swift.

Recall that the logistic regression is computed by the formula:

y_pred = sigmoid((W * x) + b)

That’s exactly the same computation that a fully-connected layer from a neural network performs. So to implement our classifier with Metal, we just need to use anMPSCNNFullyConnectedlayer.

First we loadW.binandb.binintoDataobjects:

letW_url=Bundle.main.url(forResource:"W", withExtension:"bin")letb_url =Bundle.main.url(forResource:"b", withExtension:"bin")letW_data=try!Data(contentsOf:W_url!)letb_data =try!Data(contentsOf: b_url!)

Then we create the fully-connected layer:

letsigmoid =MPSCNNNeuronSigmoid(device: device)letlayerDesc =MPSCNNConvolutionDescriptor(                  kernelWidth:1, kernelHeight:1,                    inputFeatureChannels:20, outputFeatureChannels:1,                    neuronFilter: sigmoid)W_data.withUnsafeBytes {Winb_data.withUnsafeBytes { binlayer =MPSCNNFullyConnected(device: device,                convolutionDescriptor: layerDesc,                kernelWeights:W, biasTerms: b, flags: .none)  }}

Since the input is 20 numbers, I decided to make the fully-connected layer work on an “image” of dimensions 1×1 with 20 input channels. The resulty_predis a single number, so the fully-connected layer has only one output channel.

The input and output data are placed inMPSImageobjects that also have those dimensions:

letinputImgDesc =MPSImageDescriptor(channelFormat: .float16,                        width:1, height:1, featureChannels:20)letoutputImgDesc =MPSImageDescriptor(channelFormat: .float16,                        width:1, height:1, featureChannels:1)inputImage =MPSImage(device: device, imageDescriptor: inputImgDesc)outputImage =MPSImage(device: device, imageDescriptor: outputImgDesc)

As with the TensorFlow version of the app, there is apredictmethod that takes the 20 floating point numbers that make up a single example. Here is that method in its entirety:

funcpredict(example: [Float]){  convert(example: example, to: inputImage)letcommandBuffer = commandQueue.makeCommandBuffer()  layer.encode(commandBuffer: commandBuffer, sourceImage: inputImage,                destinationImage: outputImage)  commandBuffer.commit()  commandBuffer.waitUntilCompleted()lety_pred = outputImage.toFloatArray()print("Probability spoken by a male:\(y_pred[0])%")ify_pred[0] >0.5{print("Prediction: male")  }else{print("Prediction: female")  }}

This is the Metal equivalent of running a session. Theconvert(example:to:)andtoFloatArray()methods are helpers that load the data into and out ofMPSImageobjects.

And that’s it for the Metal app! You need to run this app on a device, as Metal is not supported on the simulator. When you do, it should output the following:

Probability spoken by a male: 0.970215%

Prediction: male

Probability spoken by a male: 0.00568771%

Prediction: female

Notice that these probabilities are not exactly the same as the predictions from TensorFlow. That’s because Metal uses 16-bit floats internally. But the results are close enough!

Credits

The dataset was made byKory Beckerand was downloaded fromKaggle.com. Also check out Kory’sblog postandsource code.

Other people have written about TensorFlow on iOS too. I learned a lot from these articles and code samples:

Getting Started with Deep MNIST and TensorFlow on iOSby Matt Rajca

Speeding Up TensorFlow with Metal Performance Shadersalso by Matt Rajca

tensorflow-cocoa-exampleby Aaron Hillegass

TensorFlow iOS Examplesin the TensorFlow repository

Written byMatthijs Hollemans. First published on Monday, 6 March 2017.

I hope you found this post useful! Let me know on Twitter@mhollemansor email me atmatt@machinethink.net.

Want to add machine learning to your app?Let me help!

©著作权归作者所有,转载或内容合作请联系作者
  • 序言:七十年代末,一起剥皮案震惊了整个滨河市,随后出现的几起案子,更是在滨河造成了极大的恐慌,老刑警刘岩,带你破解...
    沈念sama阅读 194,088评论 5 459
  • 序言:滨河连续发生了三起死亡事件,死亡现场离奇诡异,居然都是意外死亡,警方通过查阅死者的电脑和手机,发现死者居然都...
    沈念sama阅读 81,715评论 2 371
  • 文/潘晓璐 我一进店门,熙熙楼的掌柜王于贵愁眉苦脸地迎上来,“玉大人,你说我怎么就摊上这事。” “怎么了?”我有些...
    开封第一讲书人阅读 141,361评论 0 319
  • 文/不坏的土叔 我叫张陵,是天一观的道长。 经常有香客问我,道长,这世上最难降的妖魔是什么? 我笑而不...
    开封第一讲书人阅读 52,099评论 1 263
  • 正文 为了忘掉前任,我火速办了婚礼,结果婚礼上,老公的妹妹穿的比我还像新娘。我一直安慰自己,他们只是感情好,可当我...
    茶点故事阅读 60,987评论 4 355
  • 文/花漫 我一把揭开白布。 她就那样静静地躺着,像睡着了一般。 火红的嫁衣衬着肌肤如雪。 梳的纹丝不乱的头发上,一...
    开封第一讲书人阅读 46,063评论 1 272
  • 那天,我揣着相机与录音,去河边找鬼。 笑死,一个胖子当着我的面吹牛,可吹牛的内容都是我干的。 我是一名探鬼主播,决...
    沈念sama阅读 36,486评论 3 381
  • 文/苍兰香墨 我猛地睁开眼,长吁一口气:“原来是场噩梦啊……” “哼!你这毒妇竟也来了?” 一声冷哼从身侧响起,我...
    开封第一讲书人阅读 35,175评论 0 253
  • 序言:老挝万荣一对情侣失踪,失踪者是张志新(化名)和其女友刘颖,没想到半个月后,有当地人在树林里发现了一具尸体,经...
    沈念sama阅读 39,440评论 1 290
  • 正文 独居荒郊野岭守林人离奇死亡,尸身上长有42处带血的脓包…… 初始之章·张勋 以下内容为张勋视角 年9月15日...
    茶点故事阅读 34,518评论 2 309
  • 正文 我和宋清朗相恋三年,在试婚纱的时候发现自己被绿了。 大学时的朋友给我发了我未婚夫和他白月光在一起吃饭的照片。...
    茶点故事阅读 36,305评论 1 326
  • 序言:一个原本活蹦乱跳的男人离奇死亡,死状恐怖,灵堂内的尸体忽然破棺而出,到底是诈尸还是另有隐情,我是刑警宁泽,带...
    沈念sama阅读 32,190评论 3 312
  • 正文 年R本政府宣布,位于F岛的核电站,受9级特大地震影响,放射性物质发生泄漏。R本人自食恶果不足惜,却给世界环境...
    茶点故事阅读 37,550评论 3 298
  • 文/蒙蒙 一、第九天 我趴在偏房一处隐蔽的房顶上张望。 院中可真热闹,春花似锦、人声如沸。这庄子的主人今日做“春日...
    开封第一讲书人阅读 28,880评论 0 17
  • 文/苍兰香墨 我抬头看了看天上的太阳。三九已至,却和暖如春,着一层夹袄步出监牢的瞬间,已是汗流浃背。 一阵脚步声响...
    开封第一讲书人阅读 30,152评论 1 250
  • 我被黑心中介骗来泰国打工, 没想到刚下飞机就差点儿被人妖公主榨干…… 1. 我叫王不留,地道东北人。 一个月前我还...
    沈念sama阅读 41,451评论 2 341
  • 正文 我出身青楼,却偏偏与公主长得像,于是被迫代替她去往敌国和亲。 传闻我的和亲对象是个残疾皇子,可洞房花烛夜当晚...
    茶点故事阅读 40,637评论 2 335

推荐阅读更多精彩内容

  • 村东头靠近大河边原本有一大片棉花地,其他地方种棉花都零零散散的,在金秋的时节明亮的天气下白色的棉花显得格外的亮眼,...
    夜班的生生阅读 303评论 0 1
  • 中国上海LF42雷家菊❗️ 我是一个自信、友爱的女人❗️ 我承诺创造一个友爱的世界,Yes❗ 共拧一条绳,同圆一个...
    雷蕾姐阅读 191评论 0 0