0
  • 聊天消息
  • 系統(tǒng)消息
  • 評論與回復(fù)
登錄后你可以
  • 下載海量資料
  • 學習在線課程
  • 觀看技術(shù)視頻
  • 寫文章/發(fā)帖/加入社區(qū)
會員中心
創(chuàng)作中心

完善資料讓更多小伙伴認識你,還能領(lǐng)取20積分哦,立即完善>

3天內(nèi)不再提示

使用移動傳感器產(chǎn)生的原始數(shù)據(jù)來識別人類活動

新機器視覺 ? 來源:DeepHub IMBA ? 作者:Tanmay chauhan ? 2022-08-01 10:43 ? 次閱讀

本文帶你使用移動傳感器產(chǎn)生的原始數(shù)據(jù)來識別人類活動。 人體活動識別(HAR)是一種使用人工智能AI)從智能手表等活動記錄設(shè)備產(chǎn)生的原始數(shù)據(jù)中識別人類活動的方法。當人們執(zhí)行某種動作時,人們佩戴的傳感器(智能手表、手環(huán)、專用設(shè)備等)就會產(chǎn)生信號。這些收集信息的傳感器包括加速度計、陀螺儀和磁力計。人類活動識別有各種各樣的應(yīng)用,從為病人和殘疾人提供幫助到像游戲這樣嚴重依賴于分析運動技能的領(lǐng)域。我們可以將這些人類活動識別技術(shù)大致分為兩類:固定傳感器和移動傳感器。在本文中,我們使用移動傳感器產(chǎn)生的原始數(shù)據(jù)來識別人類活動。 23b68bf8-1142-11ed-ba43-dac502259ad0.png

在本文中,我將使用LSTM (Long - term Memory)和CNN (Convolutional Neural Network)來識別下面的人類活動:
  • 下樓
  • 上樓
  • 跑步
  • 坐著
  • 站立
  • 步行

概述

你可能會考慮為什么我們要使用LSTM-CNN模型而不是基本的機器學習方法? 機器學習方法在很大程度上依賴于啟發(fā)式手動特征提取人類活動識別任務(wù),而我們這里需要做的是端到端的學習,簡化了啟發(fā)式手動提取特征的操作。 23cdaf22-1142-11ed-ba43-dac502259ad0.png ?我將要使用的模型是一個深神經(jīng)網(wǎng)絡(luò),該網(wǎng)絡(luò)是LSTM和CNN的組合形成的,并且具有提取活動特征和僅使用模型參數(shù)進行分類的能力。 這里我們使用WISDM數(shù)據(jù)集,總計1.098.209樣本。通過我們的訓(xùn)練,模型的F1得分為0.96,在測試集上,F(xiàn)1得分為0.89。

導(dǎo)入庫

首先,我們將導(dǎo)入我們將需要的所有必要庫。

	
from pandas import read_csv, unique
import numpy as np
from scipy.interpolate import interp1dfrom scipy.stats import mode
from sklearn.preprocessing import LabelEncoderfrom sklearn.metrics import classification_report, confusion_matrix, ConfusionMatrixDisplay
from tensorflow import stackfrom tensorflow.keras.utils import to_categoricalfrom keras.models import Sequentialfrom keras.layers import Dense, GlobalAveragePooling1D, BatchNormalization, MaxPool1D, Reshape, Activationfrom keras.layers import Conv1D, LSTMfrom keras.callbacks import ModelCheckpoint, EarlyStoppingimport matplotlib.pyplot as plt%matplotlib inline
import warningswarnings.filterwarnings("ignore")
我們將使用Sklearn,Tensorflow,Keras,Scipy和Numpy來構(gòu)建模型和進行數(shù)據(jù)預(yù)處理。使用PANDAS 進行數(shù)據(jù)加載,使用matplotlib進行數(shù)據(jù)可視化。

數(shù)據(jù)集加載和可視化

WISDM是由個人腰間攜帶的移動設(shè)備上的加速計記錄下來。該數(shù)據(jù)收集是由個人監(jiān)督的可以確保數(shù)據(jù)的質(zhì)量。我們將使用的文件是WISDM_AR_V1.1_RAW.TXT。使用PANDAS,可以將數(shù)據(jù)集加載到DataAframe中,如下面代碼:
def read_data(filepath):  df = read_csv(filepath, header=None, names=['user-id',                                              'activity',                                              'timestamp',                                              'X',                                              'Y',                                              'Z'])  ## removing ';' from last column and converting it to float  df['Z'].replace(regex=True, inplace=True, to_replace=r';', value=r'')  df['Z'] = df['Z'].apply(convert_to_float)  return df
def convert_to_float(x):  try:      return np.float64(x)  except:      return np.nan
df = read_data('Dataset/WISDM_ar_v1.1/WISDM_ar_v1.1_raw.txt')df

	23da8120-1142-11ed-ba43-dac502259ad0.png

	
plt.figure(figsize=(15, 5))
plt.xlabel('Activity Type')plt.ylabel('Training examples')df['activity'].value_counts().plot(kind='bar',                                title='Training examples by Activity Types')plt.show()
plt.figure(figsize=(15, 5))plt.xlabel('User')plt.ylabel('Training examples')df['user-id'].value_counts().plot(kind='bar',                                title='Training examples by user')plt.show()
23fccdfc-1142-11ed-ba43-dac502259ad0.png ?

現(xiàn)在我將收集的三個軸上的加速度計數(shù)據(jù)進行可視化。

	
def axis_plot(ax, x, y, title):  ax.plot(x, y, 'r')  ax.set_title(title)  ax.xaxis.set_visible(False)  ax.set_ylim([min(y) - np.std(y), max(y) + np.std(y)])  ax.set_xlim([min(x), max(x)])  ax.grid(True)
for activity in df['activity'].unique():  limit = df[df['activity'] == activity][:180]  fig, (ax0, ax1, ax2) = plt.subplots(nrows=3, sharex=True, figsize=(15, 10))  axis_plot(ax0, limit['timestamp'], limit['X'], 'x-axis')  axis_plot(ax1, limit['timestamp'], limit['Y'], 'y-axis')  axis_plot(ax2, limit['timestamp'], limit['Z'], 'z-axis')  plt.subplots_adjust(hspace=0.2)  fig.suptitle(activity)  plt.subplots_adjust(top=0.9)  plt.show()
2411ff1a-1142-11ed-ba43-dac502259ad0.png

數(shù)據(jù)預(yù)處理

數(shù)據(jù)預(yù)處理是一項非常重要的任務(wù),它使我們的模型能夠更好地利用我們的原始數(shù)據(jù)。這里將使用的數(shù)據(jù)預(yù)處理方法有:
  • 標簽編碼
  • 線性插值
  • 數(shù)據(jù)分割
  • 歸一化
  • 時間序列分割
  • 獨熱編碼
標簽編碼 由于模型不能接受非數(shù)字標簽作為輸入,我們將在另一列中添加' activity '列的編碼標簽,并將其命名為' activityEncode '。標簽被轉(zhuǎn)換成如下所示的數(shù)字標簽(這個標簽是我們要預(yù)測的結(jié)果標簽)
  • Downstairs [0]
  • Jogging [1]
  • Sitting [2]
  • Standing [3]
  • Upstairs [4]
  • Walking [5]

	
label_encode = LabelEncoder()df['activityEncode'] = label_encode.fit_transform(df['activity'].values.ravel())df
24206654-1142-11ed-ba43-dac502259ad0.png ?

線性插值 利用線性插值可以避免采集過程中出現(xiàn)NaN的數(shù)據(jù)丟失的問題。它將通過插值法填充缺失的值。雖然在這個數(shù)據(jù)集中只有一個NaN值,但為了我們的展示,還是需要實現(xiàn)它。
interpolation_fn = interp1d(df['activityEncode'] ,df['Z'], kind='linear')null_list = df[df['Z'].isnull()].index.tolist()for i in null_list:  y = df['activityEncode'][i]  value = interpolation_fn(y)  df['Z']=df['Z'].fillna(value)  print(value)
數(shù)據(jù)分割 根據(jù)用戶id進行數(shù)據(jù)分割,避免數(shù)據(jù)分割錯誤。我們在訓(xùn)練集中使用id小于或等于27的用戶,其余的在測試集中使用。

	
df_test = df[df['user-id'] > 27]

df_train = df[df['user-id'] <= 27]
歸一化 在訓(xùn)練之前,需要將數(shù)據(jù)特征歸一化到0到1的范圍內(nèi)。我們用的方法是: 2431a946-1142-11ed-ba43-dac502259ad0.png ?

	
df_train['X'] = (df_train['X']-df_train['X'].min())/(df_train['X'].max()-df_train['X'].min())df_train['Y'] = (df_train['Y']-df_train['Y'].min())/(df_train['Y'].max()-df_train['Y'].min())df_train['Z'] = (df_train['Z']-df_train['Z'].min())/(df_train['Z'].max()-df_train['Z'].min())df_train
24412754-1142-11ed-ba43-dac502259ad0.png ?

時間序列分割 因為我們處理的是時間序列數(shù)據(jù), 所以需要創(chuàng)建一個分割的函數(shù),標簽名稱和每個記錄的范圍進行分段。此函數(shù)在x_train和y_train中執(zhí)行特征的分離,將每80個時間段分成一組數(shù)據(jù)。

	
def segments(df, time_steps, step, label_name):  N_FEATURES = 3  segments = []  labels = []  for i in range(0, len(df) - time_steps, step):      xs = df['X'].values[i:i+time_steps]      ys = df['Y'].values[i:i+time_steps]      zs = df['Z'].values[i:i+time_steps]
      label = mode(df[label_name][i:i+time_steps])[0][0]      segments.append([xs, ys, zs])      labels.append(label)
  reshaped_segments = np.asarray(segments, dtype=np.float32).reshape(-1, time_steps, N_FEATURES)  labels = np.asarray(labels)
  return reshaped_segments, labels
TIME_PERIOD = 80STEP_DISTANCE = 40LABEL = 'activityEncode'x_train, y_train = segments(df_train, TIME_PERIOD, STEP_DISTANCE, LABEL)
這樣,x_train和y_train形狀變?yōu)椋?/span>

	
print('x_train shape:', x_train.shape)print('Training samples:', x_train.shape[0])print('y_train shape:', y_train.shape)
x_train shape: (20334, 80, 3)Training samples: 20334y_train shape: (20334,)
這里還存儲了一些后面用到的數(shù)據(jù):時間段(time_period),傳感器數(shù)(sensors)和類(num_classes)的數(shù)量。
time_period, sensors = x_train.shape[1], x_train.shape[2]num_classes = label_encode.classes_.sizeprint(list(label_encode.classes_))
['Downstairs', 'Jogging', 'Sitting', 'Standing', 'Upstairs', 'Walking']
最后需要使用Reshape將其轉(zhuǎn)換為列表,作為keras的輸入:

	
input_shape = time_period * sensorsx_train = x_train.reshape(x_train.shape[0], input_shape)print("Input Shape: ", input_shape)print("Input Data Shape: ", x_train.shape)
Input Shape: 240Input Data Shape: (20334, 240)
最后需要將所有數(shù)據(jù)轉(zhuǎn)換為float32。

	
x_train = x_train.astype('float32')y_train = y_train.astype('float32')
獨熱編碼 這是數(shù)據(jù)預(yù)處理的最后一步,我們將通過編碼標簽并將其存儲到y(tǒng)_train_hot中來執(zhí)行。

	
y_train_hot = to_categorical(y_train, num_classes)print("y_train shape: ", y_train_hot.shape)y_train shape: (20334, 6)

模型

244ffb62-1142-11ed-ba43-dac502259ad0.png ?

我們使用的模型是一個由8層組成的序列模型。模型前兩層由LSTM組成,每個LSTM具有32個神經(jīng)元,使用的激活函數(shù)為Relu。然后是用于提取空間特征的卷積層。 在兩層的連接處需要改變LSTM輸出維度,因為輸出具有3個維度(樣本數(shù),時間步長,輸入維度),而CNN則需要4維輸入(樣本數(shù),1,時間步長,輸入)。 第一個CNN層具有64個神經(jīng)元,另一個神經(jīng)元有128個神經(jīng)元。在第一和第二CNN層之間,我們有一個最大池層來執(zhí)行下采樣操作。然后是全局平均池(GAP)層將多D特征映射轉(zhuǎn)換為1-D特征向量,因為在此層中不需要參數(shù),所以會減少全局模型參數(shù)。然后是BN層,該層有助于模型的收斂性。 最后一層是模型的輸出層,該輸出層只是具有SoftMax分類器層的6個神經(jīng)元的完全連接的層,該層表示當前類的概率。

	
model = Sequential()model.add(LSTM(32, return_sequences=True, input_shape=(input_shape,1), activation='relu'))model.add(LSTM(32,return_sequences=True, activation='relu'))model.add(Reshape((1, 240, 32)))model.add(Conv1D(filters=64,kernel_size=2, activation='relu', strides=2))model.add(Reshape((120, 64)))model.add(MaxPool1D(pool_size=4, padding='same'))model.add(Conv1D(filters=192, kernel_size=2, activation='relu', strides=1))model.add(Reshape((29, 192)))model.add(GlobalAveragePooling1D())model.add(BatchNormalization(epsilon=1e-06))model.add(Dense(6))model.add(Activation('softmax'))
print(model.summary())
245d6ab8-1142-11ed-ba43-dac502259ad0.png

訓(xùn)練和結(jié)果

經(jīng)過訓(xùn)練,模型給出了98.02%的準確率和0.0058的損失。訓(xùn)練F1得分為0.96。
model.compile(loss='categorical_crossentropy', optimizer='adam', metrics=['accuracy'])history = model.fit(x_train,                  y_train_hot,                  batch_size= 192,                  epochs=100                  )
246a0f16-1142-11ed-ba43-dac502259ad0.png ?

可視化訓(xùn)練的準確性和損失變化圖。

	
plt.figure(figsize=(6, 4))plt.plot(history.history['accuracy'], 'r', label='Accuracy of training data')plt.plot(history.history['loss'], 'r--', label='Loss of training data')plt.title('Model Accuracy and Loss')plt.ylabel('Accuracy and Loss')plt.xlabel('Training Epoch')plt.ylim(0)plt.legend()plt.show()
y_pred_train = model.predict(x_train)max_y_pred_train = np.argmax(y_pred_train, axis=1)print(classification_report(y_train, max_y_pred_train))
2475c40a-1142-11ed-ba43-dac502259ad0.png248ad002-1142-11ed-ba43-dac502259ad0.png ?

在測試數(shù)據(jù)集上測試它,但在通過測試集之前,需要對測試集進行相同的預(yù)處理。

	
df_test['X'] = (df_test['X']-df_test['X'].min())/(df_test['X'].max()-df_test['X'].min())df_test['Y'] = (df_test['Y']-df_test['Y'].min())/(df_test['Y'].max()-df_test['Y'].min())df_test['Z'] = (df_test['Z']-df_test['Z'].min())/(df_test['Z'].max()-df_test['Z'].min())x_test, y_test = segments(df_test,                        TIME_PERIOD,                        STEP_DISTANCE,                        LABEL)
x_test = x_test.reshape(x_test.shape[0], input_shape)x_test = x_test.astype('float32')y_test = y_test.astype('float32')y_test = to_categorical(y_test, num_classes)
在評估我們的測試數(shù)據(jù)集后,得到了89.14%的準確率和0.4647的損失。F1測試得分為0.89。

	
score = model.evaluate(x_test, y_test)print("Accuracy:", score[1])print("Loss:", score[0])
249661a6-1142-11ed-ba43-dac502259ad0.png ?

下面繪制混淆矩陣更好地理解對測試數(shù)據(jù)集的預(yù)測。

	
predictions = model.predict(x_test)predictions = np.argmax(predictions, axis=1)y_test_pred = np.argmax(y_test, axis=1)cm = confusion_matrix(y_test_pred, predictions)cm_disp = ConfusionMatrixDisplay(confusion_matrix= cm)cm_disp.plot()plt.show()
24a7e49e-1142-11ed-ba43-dac502259ad0.png ?還可以在測試數(shù)據(jù)集上評估的模型的分類報告。
print(classification_report(y_test_pred, predictions))

	24bdd196-1142-11ed-ba43-dac502259ad0.png

總結(jié)

LSTM-CNN模型的性能比任何其他機器學習模型要好得多。本文的代碼可以在GitHub上找到。 https://github.com/Tanny1810/Human-Activity-Recognition-LSTM-CNN 您可以嘗試自己實現(xiàn)它,通過優(yōu)化模型來提高F1分數(shù)。 另:這個模型是來自于Xia Kun, Huang Jianguang, and Hanyu Wang在IEEE期刊上發(fā)表的論文LSTM-CNN Architecture for Human Activity Recognition。 https://ieeexplore.ieee.org/abstract/document/9043535 審核編輯 :李倩


聲明:本文內(nèi)容及配圖由入駐作者撰寫或者入駐合作網(wǎng)站授權(quán)轉(zhuǎn)載。文章觀點僅代表作者本人,不代表電子發(fā)燒友網(wǎng)立場。文章及其配圖僅供工程師學習之用,如有內(nèi)容侵權(quán)或者其他違規(guī)問題,請聯(lián)系本站處理。 舉報投訴
  • 傳感器
    +關(guān)注

    關(guān)注

    2546

    文章

    50490

    瀏覽量

    751186
  • 神經(jīng)網(wǎng)絡(luò)

    關(guān)注

    42

    文章

    4749

    瀏覽量

    100434
  • 機器學習
    +關(guān)注

    關(guān)注

    66

    文章

    8356

    瀏覽量

    132324
  • 移動傳感器
    +關(guān)注

    關(guān)注

    0

    文章

    8

    瀏覽量

    8564

原文標題:基于LSTM-CNN的人體活動識別

文章出處:【微信號:vision263com,微信公眾號:新機器視覺】歡迎添加關(guān)注!文章轉(zhuǎn)載請注明出處。

收藏 人收藏

    評論

    相關(guān)推薦

    tlv320adc3101評估板如何獲得采樣的原始數(shù)據(jù)?

    目前使用tlv320adc3101評估板,想要獲得采樣的原始數(shù)據(jù),但16bits,32bits,28bits三種情況下所采到的數(shù)據(jù)位數(shù)都不對
    發(fā)表于 10-31 07:34

    TVP5146和TVP5150A VBI原始數(shù)據(jù)模式

    電子發(fā)燒友網(wǎng)站提供《TVP5146和TVP5150A VBI原始數(shù)據(jù)模式.pdf》資料免費下載
    發(fā)表于 09-30 09:43 ?0次下載
    TVP5146和TVP5150A VBI<b class='flag-5'>原始數(shù)據(jù)</b>模式

    使用低速串行總線的實時ADC原始數(shù)據(jù)采集方法

    電子發(fā)燒友網(wǎng)站提供《使用低速串行總線的實時ADC原始數(shù)據(jù)采集方法.pdf》資料免費下載
    發(fā)表于 09-27 11:10 ?0次下載
    使用低速串行總線的實時ADC<b class='flag-5'>原始數(shù)據(jù)</b>采集方法

    CY8CKIT-149 PSoC 4100S Plus如何在橋接控制面板上跟蹤CSD原始數(shù)據(jù)?

    目前,我正在使用 CY8CKIT-149 PSoC 4100S Plus。 使用 CE220891_CapSense_with_Breathing_LED01 設(shè)計。 我想跟蹤 brdige 控制面板上每個傳感器的 RawData。 哪個 CapSense API 可以獲取每個
    發(fā)表于 06-21 09:49

    傳感器數(shù)據(jù)采集平臺是什么

    、分析和展示傳感器發(fā)送的數(shù)據(jù)。 硬件部分可能包括: 1. 傳感器:如溫度傳感器、濕度傳感器、壓力傳感器
    的頭像 發(fā)表于 06-13 09:26 ?490次閱讀

    請問對雷達獲取的原始數(shù)據(jù)進行歸一化處理的具體方法是什么?

    你好,我想知道原始數(shù)據(jù) [-1,1] 歸一化的詳細方法。 從 mcu 寄存接收到的原始數(shù)據(jù)和從雷達融合軟件獲取的原始數(shù)據(jù)都是 4 位小數(shù),如圖 1 所示。 圖 1. 通過圖形界面
    發(fā)表于 05-31 06:05

    基于毫米波的人體跟蹤和識別算法

    準確的人類活動識別(HAR)是實現(xiàn)新興的上下文感知應(yīng)用程序的關(guān)鍵,這些應(yīng)用程序需要了解和識別人類行為,例如監(jiān)測獨居的殘疾人或老年人。傳統(tǒng)上,HAR是通過環(huán)境
    發(fā)表于 05-14 18:40

    求助,關(guān)于STM8L101和BMP180傳感器通信的疑問求解

    STM8L101和BMP180傳感器通信,我加上一段濾波算法之后,用熱風吹傳感器,返回數(shù)據(jù)異常,去掉之后吹就無異常,不管濾波處理還是不處理180的數(shù)據(jù),結(jié)果都是一樣,180的
    發(fā)表于 05-14 07:26

    S型壓力傳感器信號放大的原理技術(shù)提高其信噪比

    S型壓力傳感器扮演著至關(guān)重要的角色,被廣泛應(yīng)用于各種環(huán)境中,以測量和監(jiān)控各種壓力參數(shù)。S型壓力傳感器產(chǎn)生原始信號往往較為微弱,這就需要通過信號放大技術(shù)
    的頭像 發(fā)表于 05-11 16:43 ?531次閱讀

    未來已,多傳感器融合感知是自動駕駛破局的關(guān)鍵

    巨大的進展;自動駕駛開始摒棄手動編碼規(guī)則和機器學習模型的方法,轉(zhuǎn)向全面采用端到端的神經(jīng)網(wǎng)絡(luò)AI系統(tǒng),它能模仿學習人類司機的駕駛,遇到場景直接輸入傳感器數(shù)據(jù),再直接輸出轉(zhuǎn)向、制動和加速信號。模仿學習
    發(fā)表于 04-11 10:26

    stm32F401 FFT模值是原始數(shù)據(jù)的一半是怎么回事?

    是0.2588和0.5258,剛好只有原始數(shù)據(jù)的1/2。這是為什么? 看了一下ADC的采集數(shù)據(jù)和波形,和初始信號差不多。 困擾一整天還是沒想通,求助各路大神。
    發(fā)表于 03-11 07:24

    指紋傳感器的定義 指紋傳感器的應(yīng)用

    指紋傳感器的定義 指紋傳感器的應(yīng)用? 指紋傳感器是一種生物識別技術(shù),通過檢測和分析人體指紋特征驗證用戶身份。它基于指紋獨特性和穩(wěn)定性的基本
    的頭像 發(fā)表于 03-05 17:35 ?2982次閱讀

    康謀產(chǎn)品 | 用于ADAS和AD傳感器的獨立數(shù)據(jù)采集設(shè)備

    在 ADAS/AD 環(huán)境中,如果想要將原始數(shù)據(jù)與攝像頭、雷達或激光雷達等傳感器分離,總是會使用測量數(shù)據(jù)轉(zhuǎn)換。借助MDILink,您可以獲得一個SerDes測量
    的頭像 發(fā)表于 02-01 16:16 ?358次閱讀
    康謀產(chǎn)品 |  用于ADAS和AD<b class='flag-5'>傳感器</b>的獨立<b class='flag-5'>數(shù)據(jù)</b>采集設(shè)備

    求助,如何在Micrium uc探針中導(dǎo)出REF_BGT60LTR11AIP_M0雷達原始數(shù)據(jù)

    數(shù)據(jù)表是我自己添加的,我想用excel實時導(dǎo)出256點的原始數(shù)據(jù),但是使用excel的數(shù)據(jù)傳輸速度很慢,導(dǎo)出的效果也不好,所以我想問一下有沒有建議實時導(dǎo)出Micrium中的原始數(shù)據(jù)。
    發(fā)表于 01-26 06:11

    如何使用Position2Go Board在MATLAB上提取原始數(shù)據(jù)繪制距離多普勒圖?

    有人可以分步解釋如何使用 Position2Go Board 在 MATLAB 上提取原始數(shù)據(jù)繪制距離多普勒圖嗎?
    發(fā)表于 01-25 06:18