目标:
我正在尝试开发能够学习一些未知的非线性四轴飞行器无人机动力学的NN模型。最终目的是在我编写的遗传算法工具中使用该模型,该工具将调整我的无人机控制系统以实现所需的响应。 GA需要一个"黑盒子"在给定一组输入的情况下,它可用于生成无人机行为的预测。
NN设计:
创建这样一个模型的想法是利用一个RNN,它将ESC电机控制器命令值的时间历史作为输入(4个输入,每个电机1个),并吐出相应的欧拉角(3个输出,滚动) ,投球,偏航)。我有一个我设计/编写的自定义飞行控制器,可以将任何必要的数据记录到SD卡,即电机输出和欧拉角。
我目前用于尝试训练此模型失败的代码如下所示。这也是我第一次使用TFLearn或任何主要的NN编程,所以也会赞赏改进的指示。
另外,如果你想自己运行,你需要的一切(假设你已经有TFLearn和TensorFlow)可以在我的github repo HERE上找到
# An attempt to use a Recurrent Neural Network to learn and predict drone dynamics. In this version, the
# network inputs are the four motor commands and the outputs are the roll, pitch, and yaw angles.
from __future__ import division, print_function, absolute_import
import tflearn
from tflearn.layers.normalization import batch_normalization
import numpy as np
import pandas as pd
import math
import matplotlib
matplotlib.use('Agg') # use('Agg') for saving to file and use('TkAgg') for interactive plot
import matplotlib.pyplot as plt
# Configuration Variables
input_dim = 4
output_dim = 3
steps_of_history = 10
batch_len = 128
epoch_len = 3
rawDataPath = 'DroneData/timeSeriesData.csv'
# Generate the data used in training
timeSeries = pd.read_csv(rawDataPath)
x = [timeSeries['m1CMD'], timeSeries['m2CMD'], timeSeries['m3CMD'], timeSeries['m4CMD']]
y = [timeSeries['pitch'], timeSeries['roll'], timeSeries['yaw']]
# Convert row vectors into column vectors
x = np.array(x); y = np.array(y)
x = np.transpose(x); y = np.transpose(y)
# Generate the input and target training data
input_seq = []
output_seq = []
for i in range(0, len(timeSeries['rtosTick']) - steps_of_history):
input_seq.append(x[i:i+steps_of_history, :]) # Time history input
output_seq.append(y[i+steps_of_history, :]) # Single output resulting from ^^^
trainX = np.reshape(input_seq, [-1, input_dim, steps_of_history])
trainY = np.reshape(output_seq, [-1, output_dim])
# Build the network model
input_layer = tflearn.input_data(shape=[None, input_dim, steps_of_history])
layer1 = tflearn.simple_rnn(input_layer, n_units=10, activation='softmax', return_seq=True, name='Layer1')
layer2 = tflearn.simple_rnn(layer1, n_units=10, activation='sigmoid', name='Layer2')
layer3 = tflearn.fully_connected(layer2, output_dim, activation='linear', name='Layer3')
output_layer = tflearn.regression(layer3, optimizer='adam', loss='mean_square', learning_rate=0.1)
# Training
model = tflearn.DNN(output_layer, clip_gradients=0.3, tensorboard_verbose=0)
model.fit(trainX, trainY, n_epoch=epoch_len, validation_set=0.1, batch_size=batch_len)
# Generate a model prediction as a very simple sanity check...
predictY = model.predict(trainX)
# Plot the results
plt.figure(figsize=(20, 4))
plt.suptitle('Pitch Predictions')
plt.plot(trainY[:, 0], 'r-', label='Actual')
plt.plot(predictY[:, 0], 'g-', label='Predicted')
plt.legend()
plt.savefig('pitch.png')
plt.figure(figsize=(20, 4))
plt.suptitle('Roll Predictions')
plt.plot(trainY[:, 1], 'r-', label='Actual')
plt.plot(predictY[:, 1], 'g-', label='Predicted')
plt.legend()
plt.savefig('roll.png')
plt.figure(figsize=(20, 4))
plt.suptitle('Yaw Predictions')
plt.plot(trainY[:, 2], 'r-', label='Actual')
plt.plot(predictY[:, 2], 'g-', label='Predicted')
plt.legend()
plt.savefig('yaw.png')
问题:
如果你看一下" pitch.png"," roll.png"," yaw.png"我链接的仓库的根文件夹中的图表,您将看到我的网络的预测值是一个常量值。我训练了7410个样本的简单飞行日志数据集,其中包括俯仰滚转和偏航(+/- 20度左右)的适当变化。查看原始数据HERE。我知道这对于最终模型来说可能不够好,但这是一件好事。
我觉得我至少应该在输出上有一些变化,即使它不适合。有人能帮我解决这个问题吗?我自己没有取得任何进展。
答案 0 :(得分:0)
我最终解决了这个问题。事实证明,NN 不就像输入大小在1000+范围内的输入数据一样。 ESC数据被记录为PWM命令在uS中花费HI的时间,因此NN从1060-1860到达任何值。
通过在Matlab中预处理数据将其缩小到0.0-5.0范围,系统表现良好,能够毫不费力地学习动态。
如果遇到这篇文章的人觉得使用它,我会不断更新github链接上的代码。