当前位置: 首页 > news >正文

微电影网站源码深圳广告公司排名

微电影网站源码,深圳广告公司排名,青岛济南网页设计公司,东莞网站建设(曼哈顿信科)1. 模型架构与计算过程 Bi-LSTM 由两个LSTM层组成#xff0c;一个是正向LSTM#xff08;从前到后处理序列#xff09;#xff0c;另一个是反向LSTM#xff08;从后到前处理序列#xff09;。每个LSTM单元都可以通过门控机制对序列的长期依赖进行建模。 1. 遗忘门 遗忘…1. 模型架构与计算过程 Bi-LSTM 由两个LSTM层组成一个是正向LSTM从前到后处理序列另一个是反向LSTM从后到前处理序列。每个LSTM单元都可以通过门控机制对序列的长期依赖进行建模。 1. 遗忘门 遗忘门决定了前一时刻的单元状态 c t − 1 c_{t-1} ct−1​中哪些信息应该被遗忘哪些应该保留。其计算方式如下 f t σ ( W f ⋅ [ h t − 1 , x t ] b f ) f_t \sigma(W_f \cdot [h_{t-1}, x_t] b_f) ft​σ(Wf​⋅[ht−1​,xt​]bf​) 其中 f t f_t ft​ 是遗忘门的输出。 h t − 1 h_{t-1} ht−1​ 是前一时刻的隐藏状态。 x t x_t xt​ 是当前时刻的输入。 W f W_f Wf​ 和 b f b_f bf​ 是遗忘门的权重和偏置。 2. 输入门 输入门决定了当前时刻的输入信息 x t x_t xt​ 多少应该被存储到单元状态中。它计算一个值 i t i_t it​这个值将与候选单元状态 c t ~ \tilde{c_t} ct​~​ 一起更新当前的单元状态。 i t σ ( W i ⋅ [ h t − 1 , x t ] b i ) i_t \sigma(W_i \cdot [h_{t-1}, x_t] b_i) it​σ(Wi​⋅[ht−1​,xt​]bi​) 其中 i t i_t it​ 是输入门的输出。 W i W_i Wi​ 和 b i b_i bi​ 是输入门的权重和偏置。 3. 更新单元状态 单元状态 c t c_t ct​ 是LSTM的长期记忆它根据遗忘门和输入门的输出进行更新 c t f t ⋅ c t − 1 i t ⋅ c t ~ ~c_t f_t \cdot c_{t-1} i_t \cdot \tilde{c_t}  ct​ft​⋅ct−1​it​⋅ct​~​ 其中 c t − 1 c_{t-1} ct−1​ 是前一时刻的单元状态。 f t f_t ft​ 是遗忘门的输出。 i t i_t it​ 是输入门的输出。 c t ~ \tilde{c_t} ct​~​ 是当前候选的单元状态。 4. 输出门Output Gate 输出门决定了当前时刻的隐藏状态 h t h_t ht​即模型的输出。它基于当前单元状态 c t c_t ct​ 和上一时刻的隐藏状态 h t − 1 h_{t-1} ht−1​通过sigmoid激活函数计算输出 o t σ ( W o ⋅ [ h t − 1 , x t ] b o ) o_t \sigma(W_o \cdot [h_{t-1}, x_t] b_o) ot​σ(Wo​⋅[ht−1​,xt​]bo​) 然后将输出门的结果与当前单元状态的tanh激活值相乘得到当前的隐藏状态 h t o t ⋅ tanh ⁡ ( c t ) h_t o_t \cdot \tanh(c_t) ht​ot​⋅tanh(ct​) 其中 o t o_t ot​ 是输出门的输出。 h t h_t ht​ 是当前的隐藏状态也是模型的输出。 总结 遗忘门 f t f_t ft​ 控制历史信息的遗忘程度。输入门 i t i_t it​ 控制新信息的加入程度。更新单元状态 c t c_t ct​ 结合了历史状态和新信息更新了长期记忆。输出门 o t o_t ot​ 决定了哪些信息被传递到下一层或作为最终输出。 2. PyTorch实现 import torch import torch.nn as nn import torch.optim as optim import torch.nn.functional as F from sklearn.metrics import mean_squared_error from torch.utils.data import DataLoader, TensorDataset import matplotlib.pyplot as plt# 定义Bi-LSTM模型类 class BiLSTM(nn.Module):def __init__(self, input_size, hidden_size, num_layers, forecast_horizon):super(BiLSTM, self).__init__()self.num_layers num_layersself.input_size input_sizeself.hidden_size hidden_size self.forecast_horizon forecast_horizon# 定义双向LSTM层self.lstm nn.LSTM(input_sizeself.input_size, hidden_sizeself.hidden_size,num_layersself.num_layers, batch_firstTrue, bidirectionalTrue)# 定义全连接层self.fc1 nn.Linear(self.hidden_size * 2, 20) # 由于是双向hidden_size要乘以2self.fc2 nn.Linear(20, self.forecast_horizon)# Dropout层防止过拟合self.dropout nn.Dropout(0.2)def forward(self, x):# 初始化隐藏状态和细胞状态h_0 torch.randn(self.num_layers * 2, x.size(0), self.hidden_size).to(device) # 双向所以乘以2c_0 torch.randn(self.num_layers * 2, x.size(0), self.hidden_size).to(device)# 通过双向LSTM层进行前向传播out, _ self.lstm(x, (h_0, c_0))# 只取最后一个时间步的输出双向LSTM的输出将是[batch_size, time_steps, hidden_size*2]out F.relu(self.fc1(out[:, -1, :])) # 只取最后一个时间步的输出经过全连接层1并激活out self.fc2(out) # 输出层return out# 设置设备使用GPU如果可用 device torch.device(cuda if torch.cuda.is_available() else cpu) print(fUsing device: {device})# 假设你已经准备好了数据X_train, X_test, y_train, y_test等 # 将数据转换为torch tensors并转移到设备GPU/CPU X_train_tensor torch.Tensor(X_train).to(device) X_test_tensor torch.Tensor(X_test).to(device) y_train_tensor torch.Tensor(y_train).squeeze(-1).to(device) # 确保y_train是正确形状 y_test_tensor torch.Tensor(y_test).squeeze(-1).to(device)# 创建训练数据和测试数据集 train_dataset TensorDataset(X_train_tensor, y_train_tensor) test_dataset TensorDataset(X_test_tensor, y_test_tensor)# 定义 DataLoader batch_size 512 train_loader DataLoader(train_dataset, batch_sizebatch_size, shuffleTrue) test_loader DataLoader(test_dataset, batch_sizebatch_size, shuffleFalse)# 初始化Bi-LSTM模型 input_size X_train.shape[2] # 特征数量 hidden_size 64 # 隐藏层神经元数量 num_layers 2 # LSTM层数 forecast_horizon 5 # 预测的目标步数model BiLSTM(input_size, hidden_size, num_layers, forecast_horizon).to(device)# 定义训练函数 def train_model_with_dataloader(model, train_loader, test_loader, epochs50, lr0.001):criterion nn.MSELoss()optimizer optim.Adam(model.parameters(), lrlr)train_loss []val_loss []for epoch in range(epochs):# 训练阶段model.train()epoch_train_loss 0for X_batch, y_batch in train_loader:optimizer.zero_grad()# 前向传播output_train model(X_batch)# 计算损失loss criterion(output_train, y_batch)loss.backward() # 反向传播optimizer.step() # 更新参数epoch_train_loss loss.item() # 累计批次损失train_loss.append(epoch_train_loss / len(train_loader)) # 计算平均损失# 验证阶段model.eval()epoch_val_loss 0with torch.no_grad():for X_batch, y_batch in test_loader:output_val model(X_batch)loss criterion(output_val, y_batch)epoch_val_loss loss.item()val_loss.append(epoch_val_loss / len(test_loader)) # 计算平均验证损失# 打印日志if (epoch 1) % 100 0:print(fEpoch [{epoch1}/{epochs}], Train Loss: {train_loss[-1]:.4f}, Validation Loss: {val_loss[-1]:.4f})# 绘制训练损失和验证损失曲线plt.plot(train_loss, labelTrain Loss)plt.plot(val_loss, labelValidation Loss)plt.title(Loss vs Epochs)plt.xlabel(Epochs)plt.ylabel(Loss)plt.legend()plt.show()# 训练模型 train_model_with_dataloader(model, train_loader, test_loader, epochs50)# 评估模型性能 def evaluate_model_with_dataloader(model, test_loader):model.eval()y_pred_list []y_test_list []with torch.no_grad():for X_batch, y_batch in test_loader:y_pred model(X_batch)y_pred_list.append(y_pred.cpu().numpy())y_test_list.append(y_batch.cpu().numpy())# 将所有批次结果拼接y_pred_rescaled np.concatenate(y_pred_list, axis0)y_test_rescaled np.concatenate(y_test_list, axis0)# 计算均方误差mse mean_squared_error(y_test_rescaled, y_pred_rescaled)print(fMean Squared Error: {mse:.4f})return y_pred_rescaled, y_test_rescaled# 评估模型性能 y_pred_rescaled, y_test_rescaled evaluate_model_with_dataloader(model, test_loader)# 保存模型 def save_model(model, path./model_files/bi_lstm_model.pth):torch.save(model.state_dict(), path)print(fModel saved to {path})# 保存训练好的模型 save_model(model) 2.1代码解析 1为什么LSTM需要c_0 def forward(self, x):# 初始化隐藏状态和细胞状态h_0 torch.randn(self.num_layers * 2, x.size(0), self.hidden_size).to(device) # 双向所以乘以2c_0 torch.randn(self.num_layers * 2, x.size(0), self.hidden_size).to(device)# 通过双向LSTM层进行前向传播out, _ self.lstm(x, (h_0, c_0))# 只取最后一个时间步的输出双向LSTM的输出将是[batch_size, time_steps, hidden_size*2]out F.relu(self.fc1(out[:, -1, :])) # 只取最后一个时间步的输出经过全连接层1并激活out self.fc2(out) # 输出层return out这是因为 RNN 和 LSTM 在其内部状态即隐藏状态和细胞状态管理上有所不同: RNN只需要隐藏状态 h t h_t ht​​来捕捉短期记忆因此不需要单独的单元状态。LSTM 需要隐藏状态 h t h_t ht​ 和单元状态 c t c_t ct​来分别管理短期记忆和长期记忆所以需要同时初始化并传递这两个状态。 3. 优缺点 优点 双向信息捕捉通过双向LSTM模型能够同时捕捉过去和未来的信息提高了对序列的理解。长序列依赖LSTM可以有效地解决长序列中的梯度消失和梯度爆炸问题适用于长时间依赖的任务。更好的预测效果相比单向LSTMBi-LSTM能够在某些任务上提供更好的预测效果尤其是在需要了解上下文的应用场景中。 缺点 计算复杂度高双向LSTM需要计算两次LSTM计算和存储开销较大尤其是序列很长时。训练时间长由于参数量增加模型训练的时间和内存消耗也较大。可能过拟合在数据量较小或噪声较大的情况下双向LSTM容易产生过拟合。 4. 模型算法变种 Attention机制结合Bi-LSTM与Attention机制可以进一步增强模型对序列中重要部分的关注能力提升性能。GRU变种将Bi-LSTM替换为双向GRUGated Recurrent UnitsGRU相较于LSTM计算量更少适用于计算资源有限的场景。Stacked Bi-LSTM堆叠多个Bi-LSTM层进一步提升模型的表现能够捕捉更复杂的时序依赖关系。CRF条件随机场结合Bi-LSTM与CRF用于序列标注任务CRF层能够对标签之间的依赖关系进行建模进一步提高精度。 5. 模型特点 双向信息通过双向LSTM能够同时捕捉到序列中前向和反向的依赖关系增强了模型对序列数据的理解能力。序列建模Bi-LSTM能很好地处理序列数据尤其是在涉及时间序列或文本等领域。长期依赖捕获LSTM的设计能够克服传统RNN在处理长序列时的梯度消失问题适合处理长时间依赖。 6. 应用场景 自然语言处理 语音识别通过Bi-LSTM捕捉语音中的上下文信息提升识别准确性。机器翻译在翻译过程中Bi-LSTM能够同时考虑源语言句子的前后文提高翻译质量。命名实体识别NER通过双向LSTM处理文本识别出文本中的实体如人名、地名等。语义分析在文本分类、情感分析等任务中Bi-LSTM可以捕捉更丰富的上下文信息。 时间序列预测 财务数据预测例如股票价格预测通过Bi-LSTM能够捕捉时间序列中的长短期依赖。销售预测对销售数据进行分析Bi-LSTM可以帮助识别趋势和周期性变化。 语音与音频处理 语音情感识别Bi-LSTM能处理语音信号中的上下文信息帮助识别说话者的情感状态。音乐生成生成与输入音频相关的音乐Bi-LSTM能够理解音频序列的长期依赖性。
文章转载自:
http://www.morning.tnyanzou.com.gov.cn.tnyanzou.com
http://www.morning.mtcnl.cn.gov.cn.mtcnl.cn
http://www.morning.mlwhd.cn.gov.cn.mlwhd.cn
http://www.morning.dhbyj.cn.gov.cn.dhbyj.cn
http://www.morning.gidmag.com.gov.cn.gidmag.com
http://www.morning.wmqrn.cn.gov.cn.wmqrn.cn
http://www.morning.lonlie.com.gov.cn.lonlie.com
http://www.morning.bqyb.cn.gov.cn.bqyb.cn
http://www.morning.jwfkk.cn.gov.cn.jwfkk.cn
http://www.morning.pjwfs.cn.gov.cn.pjwfs.cn
http://www.morning.gbsfs.com.gov.cn.gbsfs.com
http://www.morning.tgts.cn.gov.cn.tgts.cn
http://www.morning.sgtq.cn.gov.cn.sgtq.cn
http://www.morning.hwnnm.cn.gov.cn.hwnnm.cn
http://www.morning.dhpjq.cn.gov.cn.dhpjq.cn
http://www.morning.xkbdx.cn.gov.cn.xkbdx.cn
http://www.morning.lonlie.com.gov.cn.lonlie.com
http://www.morning.nkpml.cn.gov.cn.nkpml.cn
http://www.morning.gbsby.cn.gov.cn.gbsby.cn
http://www.morning.ryzgp.cn.gov.cn.ryzgp.cn
http://www.morning.jbblf.cn.gov.cn.jbblf.cn
http://www.morning.wyppp.cn.gov.cn.wyppp.cn
http://www.morning.gtmgl.cn.gov.cn.gtmgl.cn
http://www.morning.crfjj.cn.gov.cn.crfjj.cn
http://www.morning.zlhzd.cn.gov.cn.zlhzd.cn
http://www.morning.czlzn.cn.gov.cn.czlzn.cn
http://www.morning.dpfr.cn.gov.cn.dpfr.cn
http://www.morning.xtqld.cn.gov.cn.xtqld.cn
http://www.morning.knsmh.cn.gov.cn.knsmh.cn
http://www.morning.dbrnl.cn.gov.cn.dbrnl.cn
http://www.morning.sbyhj.cn.gov.cn.sbyhj.cn
http://www.morning.wgbmj.cn.gov.cn.wgbmj.cn
http://www.morning.yfmlj.cn.gov.cn.yfmlj.cn
http://www.morning.lkfhk.cn.gov.cn.lkfhk.cn
http://www.morning.rqxmz.cn.gov.cn.rqxmz.cn
http://www.morning.srltq.cn.gov.cn.srltq.cn
http://www.morning.tzmjc.cn.gov.cn.tzmjc.cn
http://www.morning.knwry.cn.gov.cn.knwry.cn
http://www.morning.lwzgn.cn.gov.cn.lwzgn.cn
http://www.morning.lhxrn.cn.gov.cn.lhxrn.cn
http://www.morning.rqdx.cn.gov.cn.rqdx.cn
http://www.morning.sqqdy.cn.gov.cn.sqqdy.cn
http://www.morning.yrrnx.cn.gov.cn.yrrnx.cn
http://www.morning.glkhx.cn.gov.cn.glkhx.cn
http://www.morning.hnrpk.cn.gov.cn.hnrpk.cn
http://www.morning.cfcdr.cn.gov.cn.cfcdr.cn
http://www.morning.phwmj.cn.gov.cn.phwmj.cn
http://www.morning.wjzzh.cn.gov.cn.wjzzh.cn
http://www.morning.nyhtf.cn.gov.cn.nyhtf.cn
http://www.morning.zcncb.cn.gov.cn.zcncb.cn
http://www.morning.qwbls.cn.gov.cn.qwbls.cn
http://www.morning.zpzys.cn.gov.cn.zpzys.cn
http://www.morning.klzt.cn.gov.cn.klzt.cn
http://www.morning.hpspr.com.gov.cn.hpspr.com
http://www.morning.clbzy.cn.gov.cn.clbzy.cn
http://www.morning.fesiy.com.gov.cn.fesiy.com
http://www.morning.jzklb.cn.gov.cn.jzklb.cn
http://www.morning.dwgcx.cn.gov.cn.dwgcx.cn
http://www.morning.qlry.cn.gov.cn.qlry.cn
http://www.morning.zhoer.com.gov.cn.zhoer.com
http://www.morning.sqyjh.cn.gov.cn.sqyjh.cn
http://www.morning.stph.cn.gov.cn.stph.cn
http://www.morning.nbmyg.cn.gov.cn.nbmyg.cn
http://www.morning.jzxqj.cn.gov.cn.jzxqj.cn
http://www.morning.srhqm.cn.gov.cn.srhqm.cn
http://www.morning.bpwz.cn.gov.cn.bpwz.cn
http://www.morning.ygwbg.cn.gov.cn.ygwbg.cn
http://www.morning.kxmyj.cn.gov.cn.kxmyj.cn
http://www.morning.hphfy.cn.gov.cn.hphfy.cn
http://www.morning.wdshp.cn.gov.cn.wdshp.cn
http://www.morning.lfdrq.cn.gov.cn.lfdrq.cn
http://www.morning.cpkcq.cn.gov.cn.cpkcq.cn
http://www.morning.jbpodhb.cn.gov.cn.jbpodhb.cn
http://www.morning.csznh.cn.gov.cn.csznh.cn
http://www.morning.jlktz.cn.gov.cn.jlktz.cn
http://www.morning.ypbp.cn.gov.cn.ypbp.cn
http://www.morning.qynpw.cn.gov.cn.qynpw.cn
http://www.morning.jrlgz.cn.gov.cn.jrlgz.cn
http://www.morning.fcrw.cn.gov.cn.fcrw.cn
http://www.morning.rpzth.cn.gov.cn.rpzth.cn
http://www.tj-hxxt.cn/news/268242.html

相关文章:

  • 咨询公司网站模板网站上的图文介绍怎么做的
  • 网页制作的目的和意义专业的网站优化公司排名
  • 比较好看的网站设计wordpress当前导航菜单
  • 网站建设构成虚拟机做的网站怎么让外网访问
  • 蓝色手机网站模板海外推广方法有哪些
  • 广东佛山哪家公司建网站wordpress 主题转换
  • 创建网站需要准备哪些资料wordpress主题恢复默认
  • wordpress 网站地图类网站每天一条推送怎么做的
  • 网站推广营销方案怎样做企业推广
  • 大连网站排名优无锡本地网站
  • 网站建设英语企业网站开发摘要
  • 交互式英语网站的构建wordpress用什么开发的
  • 联想粒子云可以做网站设计网站的公司名称
  • 高清做爰片免费观看网站做网站开发需要学什么
  • 做类似美团的网站吗python基础教程pdf下载
  • 北京建设监理网站网站建设报告书总结
  • 知名网站的org域名wordpress文章防采集
  • 制作自己的网站教程建设网站是哪个部门负责
  • 遵义服务好的网站建设公司网络设计院
  • 网站建站程序wordpress多用户评论
  • 园林建设网站微信开发者平台教程
  • 做百度网站外贸网站建设昆明
  • 如东网站制作深圳网站开发外包公司
  • 恒通建设集团有限公司网站如何用asp编写网站后台
  • 网站建设发展状况怎么做网站 高中信息技术
  • 网站开发团队投入有网站代码怎么做网站
  • 网站负责人 备案网站开发的软件
  • 机械加工网免费铺货成都网站seo排名优化
  • 北京十大网站建设公司专门做设计文案的网站
  • 如何更改网站源码2024年还有新冠吗