-
摘要: 前额皮层是哺乳动物环境认知能力的重要神经生理基础, 许多研究基于皮层网络结构对前额皮层进行计算建模, 使机器人能够完成环境认知与导航任务. 但是, 对皮层网络模型神经元噪声(一种干扰神经元规律放电的内部电信号)鲁棒性方面的研究不多, 传统模型采用的奖励扩散方法存在着导航性能随噪声增大而下降过快的问题, 同时其路径规划方法效果不好, 无法规划出全局最短路径. 针对上述问题, 本文在皮层网络的基础上引入波前传播算法, 结合全局抑制神经元来设计奖励传播回路, 同时将时间细胞和位置偏好细胞引入模型的路径规划回路以改善路径规划效果. 为了验证模型的有效性, 本文复现了心理学上两个经典的环境认知实验. 实验结果表明, 本模型与其他皮层网络模型相比表现出更强的神经元噪声鲁棒性. 同时, 模型保持了较好的路径规划效果, 与传统路径规划算法相比具有较高的效率.Abstract: Prefrontal cortex is important physiological foundation of environment cognition ability in mammals. Many research seek to make computation model of prefrontal cortex based on cortical network structure, in order to enable robots realize tasks related to environment cognition and navigation. However, there are few works involving in cortical network model's robustness to neuron noise, which is an internal electric signal that generally impedes regular spiking of neurons. Tradition models using reward diffusion method have problem of rapid deterioration of navigation performance under increasing neuron noise. To solve this problem, on the basis of cortical network, this paper recruits wavefront propagation method combined with globally inhibitory neuron to design reward propagating circuit, and introduces time cell and position preference cell into path planning circuit. Two classic environment cognition experiments were reproduced to verify the model. Results show that comparing to other cortical network model, our model exhibits more robustness to neuron noise. Meanwhile, this model keeps good results of environment cognition, and has higher path planning efficiency comparing to traditional path planning algorithms.
-
肺癌是世界范围内发病率和死亡率最高的疾病之一, 占所有癌症病发症的18 %左右[1].美国癌症社区统计显示, 80 %到85 %的肺癌为非小细胞肺癌[2].在该亚型中, 大多数病人会发生淋巴结转移, 在手术中需对转移的淋巴结进行清扫, 现阶段通常以穿刺活检的方式确定淋巴结的转移情况.因此, 以非侵入性的方式确定淋巴结的转移情况对临床治疗具有一定的指导意义[3-5].然而, 基本的诊断方法在无创淋巴结转移的预测上存在很大挑战.
影像组学是针对医学影像的兴起的热门方法, 指通过定量医学影像来描述肿瘤的异质性, 构造大量纹理图像特征, 对临床问题进行分析决策[6-7].利用先进机器学习方法实现的影像组学已经大大提高了肿瘤良恶性的预测准确性[8].研究表明, 通过客观定量的描述影像信息, 并结合临床经验, 对肿瘤进行术前预测及预后分析, 将对临床产生更好的指导价值[9].
本文采用影像组学的方法来解决非小细胞肺癌淋巴结转移预测的问题.通过利用套索逻辑斯特回归(Lasso logistics regression, LLR)[10]模型得出基本的非小细胞肺癌淋巴结的转移预测概率, 并把组学模型的预测概率作为独立的生物标志物, 与患者的临床特征一起构建多元Logistics预测模型并绘制个性化诺模图, 在临床决策中的起重要参考作用.
1. 材料和方法
1.1 病人数据
我们收集了广东省人民医院2007年5月至2014年6月期间的717例肺癌病例.这些病人在签署知情同意书后, 自愿提供自己的信息作为研究使用.为了充分利用收集到的数据对非小细胞肺癌淋巴结转移预测, 即对$N1-N3$与$N0$进行有效区分, 我们对收集的数据设置了三个入组标准: 1)年龄大于等于18周岁, 此时的肺部已经发育完全, 消除一定的干扰因素; 2)病理诊断为非小细胞肺癌无其他疾病干扰, 并有完整的CT (Computed tomography)增强图像及个人基本信息; 3)有可利用的术前病理组织活检分级用于确定N分期.经筛选, 共564例病例符合进行肺癌淋巴结转移预测研究的要求(如图 1).
为了得到有价值的结果, 考虑到数据的分配问题, 为了保证客观性, 防止挑数据的现象出现, 在数据分配上, 训练集与测试集将按照时间进行划分, 并以2013年1月为划分点.得到训练集: 400例, 其中, 243例正样本$N1-N3$, 157例负样本$N0$; 测试集: 164例, 其中, 93例正样本, 71例负样本.
1.2 病灶分割
在进行特征提取工作前, 首先要对肿瘤病灶进行分割.医学图像分割的金标准是需要有经验的医生进行手动勾画的结果.但手动分割无法保证每次的分割结果完全一致, 且耗时耗力, 尤其是在数据量很大的情况下.因此, 手动分割不是最理想的做法.在本文中, 使用的自动图像分割算法为基于雪橇的自动区域生长分割算法[11], 该算法首先选定最大切片层的种子点, 这时一般情况下最大切片为中间层的切片, 然后估计肿瘤的大小即直径, 作为一个输入参数, 再自动进行区域生长得到每个切片的肿瘤如图 2(a1), (b1), 之后我们进行雪橇滑动到邻接的上下两个切面, 进行分割, 这样重复上述的区域生长即滑动切片, 最终分割得到多个切片的的肿瘤区域, 我们将肿瘤切面层进行组合, 得到三维肿瘤如图 2(a2), (b2).
1.3 特征的提取与筛选
利用影像组学处理方法, 从分割得到的肿瘤区域中总共提取出386个特征.这些特征可分为四组:三维形状特征, 表面纹理特征, Gabor特征和小波特征[12-13].形状特征通过肿瘤体积、表面积、体积面积比等特征描述肿瘤在空间和平面上的信息.纹理特征通过统计三维不同方向上像素的规律, 通过不同的分布规律来表示肿瘤的异质性. Gabor特征指根据特定方向, 特定尺度筛选出来的纹理信息.
小波特征是指原图像经过小波变换滤波器后的纹理特征.在模式识别范畴中, 高维特征会增加计算复杂度, 此外, 高维的特征往往存在冗余性, 容易造成模型过拟合.因此, 本位通过特征筛选方法首先对所有特征进行降维处理.
本文采用$L$1正则化Lasso进行特征筛选, 对于简单线性回归模型定义为:
$$ \begin{equation} f(x)=\sum\limits_{j=1}^p {w^jx^j} =w^\mathrm{T}x \end{equation} $$ (1) 其中, $x$表示样本, $w$表示要拟合的参数, $p$表示特征的维数.
要进行参数$w$学习, 应用二次损失来表示目标函数, 即:
$$ \begin{equation} J(w)=\frac{1}{n}\sum\limits_{i=1}^n{(y_i-f(x_i)})^2= \frac{1}{n}\vert\vert\ {{y}-Xw\vert\vert}^2 \end{equation} $$ (2) 其中, $X$是数据矩阵, $X=(x_1 , \cdots, x_n)^\mathrm{T}\in {\bf R}^{n\times p}$, ${y}$是由标签组成的列向量, ${y}=(y_1, \cdots, y_n )^\mathrm{T}$.
式(2)的解析解为:
$$ \begin{equation} \hat{w}=(X^\mathrm{T}X)^{-1}X^\mathrm{T}{y} \end{equation} $$ (3) 然而, 若$p\gg n$, 即特征维数远远大于数据个数, 矩阵$X^\mathrm{T}X$将不是满秩的, 此时无解.
通过Lasso正则化, 得到目标函数:
$$ \begin{equation} J_L(w)=\frac{1}{n} \vert\vert{y}-Xw\vert\vert^2+\lambda\vert\vert w\vert\vert _1 \end{equation} $$ (4) 目标函数最小化等价为:
$$ \begin{equation} \mathop {\min }\limits_w \frac{1}{n} \vert\vert{y}-Xw\vert\vert^2, \, \, \, \, \, \, \, \mathrm{s.t.}\, \, \vert \vert w\vert \vert _1 \le C \end{equation} $$ (5) 为了使部分特征排除, 本文采用$L$1正则方法进行压缩.二维情况下, 在$\mbox{(}w^1, w^2)$平面上可画出目标函数的等高线, 取值范围则为平面上半径为$C$的$L$1范数圆, 等高线与$L$1范数圆的交点为最优解. $L$1范数圆和每个坐标轴相交的地方都有"角''出现, 因此在角的位置将产生稀疏性.而在维数更高的情况下, 等高线与L1范数球的交点除角点之外还可能产生在很多边的轮廓线上, 同样也会产生稀疏性.对于式(5), 本位采用近似梯度下降(Proximal gradient descent)[14]算法进行参数$w$的迭代求解, 所构造的最小化函数为$Jl=\{g(w)+R(w)\}$.在每次迭代中, $Jl(w)$的近似计算方法如下:
$$ \begin{align} J_L (w^t+d)&\approx \tilde {J}_{w^t} (d)=g(w^t)+\nabla g(w^t)^\mathrm{T}d\, +\nonumber\\ &\frac{1} {2d^\mathrm{T}(\frac{I }{ \alpha })d}+R(w^t+d)=\nonumber\\ &g(w^t)+\nabla g(w^t)^\mathrm{T}d+\frac{{d^\mathrm{T}d} } {2\alpha } +\nonumber\\ &R(w^t+d) \end{align} $$ (6) 更新迭代$w^{(t+1)}\leftarrow w^t+\mathrm{argmin}_d \tilde {J}_{(w^t)} (d)$, 由于$R(w)$整体不可导, 因而利用子可导引理得:
$$ \begin{align} w^{(t+1)}&=w^t+\mathop {\mathrm{argmin}} \nabla g(w^t)d^\mathrm{T}d\, +\nonumber\\ &\frac{d^\mathrm{T}d}{2\alpha }+\lambda \vert \vert w^t+d\vert \vert _1=\nonumber\\ &\mathrm{argmin}\frac{1 }{ 2}\vert \vert u-(w^t-\alpha \nabla g(w^t))\vert \vert ^2+\nonumber\\ &\lambda \alpha \vert \vert u\vert \vert _1 \end{align} $$ (7) 其中, $S$是软阈值算子, 定义如下:
$$ \begin{equation} S(a, z)=\left\{\begin{array}{ll} a-z, &a>z \\ a+z, &a<-z \\ 0, &a\in [-z, z] \\ \end{array}\right. \end{equation} $$ (8) 整个迭代求解过程为:
输入.数据$X\in {\bf R}^{n\times p}, {y}\in {\bf R}^n$, 初始化$w^{(0)}$.
输出.参数$w^\ast ={\rm argmin}_w\textstyle{1 \over n}\vert \vert Xw-{y}\vert \vert ^2+\\ \lambda \vert\vert w\vert \vert _1 $.
1) 初始化循环次数$t = 0$;
2) 计算梯度$\nabla g=X^\mathrm{T}(Xw-{y})$;
3) 选择一个步长大小$\alpha ^t$;
4) 更新$w\leftarrow S(w-\alpha ^tg, \alpha ^t\lambda )$;
5) 判断是否收敛或者达到最大迭代次数, 未收敛$t\leftarrow t+1$, 并循环2)$\sim$5)步.
通过上述迭代计算, 最终得到最优参数, 而参数大小位于软区间中的, 将被置为零, 即被稀疏掉.
1.4 建立淋巴结转移影像组学标签与预测模型
本文使用LLR对组学特征进行降维并建模, 并使用10折交叉验证, 提高模型的泛化能力, 流程如图 3所示.
将本文使用的影像组学模型的预测概率(Radscore)作为独立的生物标志物, 并与临床指标中显著的特征结合构建多元Logistics模型, 绘制个性化预测的诺模图, 最后通过校正曲线来观察预测模型的偏移情况.
2. 结果
2.1 数据单因素分析结果
我们分别在训练集和验证集上计算各个临床指标与淋巴结转移的单因素P值, 计算方式为卡方检验, 结果见表 1, 发现吸烟与否和EGFR (Epidermal growth factor receptor)基因突变状态与淋巴结转移显著相关.
表 1 训练集和测试集病人的基本情况Table 1 Basic information of patients in the training set and test set基本项 训练集($N=400$) $P$值 测试集($N=164$) $P$值 性别 男 144 (36 %) 0.896 78 (47.6 %) 0.585 女 256 (64 %) 86 (52.4 %) 吸烟 是 126 (31.5 %) 0.030* 45 (27.4 %) 0.081 否 274 (68.5 %) 119 (72.6 %) EGFR 缺失 36 (9 %) 4 (2.4 %) 突变 138 (34.5 %) $ < $0.001* 67 (40.9 %) 0.112 正常 226 (56.5 %) 93 (56.7 %) 2.2 淋巴结转移影像组学标签
影像组学得分是每个病人最后通过模型预测后的输出值, 随着特征数的动态变化, 模型输出的AUC (Area under curve)值也随之变化, 如图 4所示, 使用R语言的Glmnet库可获得模型的参数$\lambda $的变化图.图中直观显示了参数$\lambda $的变化对模型性能的影响, 这次实验中模型选择了3个变量.如图 5所示, 横坐标表示$\lambda $的变化, 纵坐标表示变量的系数变化, 当$\lambda $逐渐变大时, 变量的系数逐渐减少为零, 表示变量选择的过程, 当$\lambda $越大表示模型的压缩程度越大.
通过套索回归方法, 自动的将变量压缩为3个, 其性能从图 4中也可发现, 模型的AUC值为最佳, 最终的特征如表 2所示. $V0$为截距项; $V179$为横向小波分解90度共生矩阵Contrast特征; $V230$为横向小波分解90度共生矩阵Entropy特征.
表 2 Lasso选择得到的参数Table 2 Parameters selected by LassoLasso选择的参数 含义 数值 $P$值 $V0$ 截距项 2.079115 $V179$ 横向小波分解90度共生矩阵Contrast特征(Contrast_2_90) 0.0000087 < 0.001*** $V230$ 横向小波分解90度共生矩阵Entropy特征(Entropy_3_180) $-$3.573315 < 0.001*** $V591$ 表面积与体积的比例(Surface to volume ratio) $-$1.411426 < 0.001*** $V591$为表面积与体积的比例; 将三个组学特征与$N$分期进行单因素分析, 其$P$值都是小于0.05, 表示与淋巴结转移有显著相关性.根据Lasso选择后的三个变量建立Logistics模型并计算出Rad-score, 详见式(9).并且同时建立SVM (Support vector machine)模型.
NB (Naive Bayesian)模型, 进行训练与预测, LLR模型训练集AUC为0.710, 测试集为0.712, 表现较优; 如表 3所示.将实验中使用的三个机器学习模型的结果进行对比, 可以发现, LLR的实验结果是最好的.
表 3 不同方法对比结果Table 3 Comparison results of different methods方法 训练集(AUC) 测试集(AUC) 召回率 LLR 0.710 0.712 0.75 SVM 0.698 0.654 0.75 NB 0.718 0.681 0.74 $$ \begin{equation} \begin{aligned} &\text{Rad-score}=2.328373+{\rm Contrast}\_2\_90\times\\ &\qquad 0.0000106 -{\rm entropy}\_3\_180\times 3.838207 +\\ &\qquad\text{Maximum 3D diameter}\times 0.0000002 -\\ &\qquad\text{Surface to volume ratio}\times 1.897416 \\ \end{aligned} \end{equation} $$ (9) 2.3 诺模图个性化预测模型
为了体现诺模图的临床意义, 融合Rad-score, 吸烟情况和EGFR基因因素等有意义的变量进行分析, 绘制出个性化预测的诺模图, 如图 7所示.为了给每个病人在最后得到一个得分, 需要将其对应变量的得分进行相加, 然后在概率线找到对应得分的概率, 从而实现非小细胞肺癌淋巴结转移的个性化预测.我们通过一致性指数(Concordance index, $C$-index)对模型进行了衡量, 其对应的$C$-index为0.724.
本文中使用校正曲线来验证诺模图的预测效果, 如图 8所示, 由校正曲线可以看出, 预测结果基本上没有偏离真实标签的结果, 表现良好, 因此, 该模型具有可靠的预测性能[15].
3. 结论
在构建非小细胞肺癌淋巴结转移的预测模型中, 使用LLR筛选组学特征并构建组学标签, 并与显著的临床特征构建多元Logistics模型, 绘制个性化预测的诺模图.其中LLR模型在训练集上的AUC值为0.710, 在测试集上的AUC值为0.712, 利用多元Logistics模型绘制个性化预测的诺模图, 得到模型表现能力$C$-index为0.724 (95 % CI: 0.678 $\sim$ 0.770), 并且在校正曲线上表现良好, 所以个性化预测的诺模图在临床决策上可起重要参考意义.[16].
-
表 1 模型参数值设定
Table 1 Parameter setting of the model
神经元 类型 参数 奖励细胞$r$ 整合放电型 $w_{rr}=1,w_{rq_1}=1$ 中间神经元$q_1$ 整合放电型 $w_{q_1q_2}=0.1,\tau_{STDP}=0.02,{M }=1$ 中间神经元$q_2$ 整合放电型 $w_{q_2q_2}=w_{q_1q_1},w_{sq_2}=0.1$ 位置偏好细胞$m$ 非放电型 $w_{q_2m}=1,w_{tm}=1$ 位置细胞$s$ 非放电型 $\sigma_{s} = 0.35,V_{s,thr}=0.5$ 时间细胞$t$ 非放电型 $\tau_t=10,\eta=2,V_{t,thr}=0.95$ 全局抑制神经元 非放电型 $V_{inh}=0.1$ 表 2 不同方法规划路径的转弯次数及转弯角度对比
Table 2 Comparison of turning counts and angle of path planned by different path planning methods
神经元 平均转弯次数 平均累计转弯角度 本模型 1.9 $28.36^{\circ}$ A* 算法 17.55 $331.9^{\circ}$ 滚动窗口 RRT 算法 12.46 $177.25^{\circ}$ -
[1] Contreras M, Pelc T, Llofriu M, Weitzenfeld A. The ventral hippocampus is involved in multi-goal obstacle-rich spatial navigation. Hippocampus, 2018, 28: 853−866 doi: 10.1002/hipo.22993 [2] Vorhees C, Williams M. Assessing spatial learning and memory in rodents. ILAR Journal, 2014, 55(2): 310−332 doi: 10.1093/ilar/ilu013 [3] Bucci D, Chiba A, Gallagher M. Spatial learning in male and female long-evans rats. Behavioral Neuroscience, 1995, 109(1): 180−183 doi: 10.1037/0735-7044.109.1.180 [4] Granon S, Poucet B. Medial prefrontal lesions in the rat and spatial navigation: Evidence for impaired planning. Behavioral Neuroscience, 1995, 109(3): 474−484 doi: 10.1037/0735-7044.109.3.474 [5] Martinet L E, Sheynikhovich D, Benchenane K, Arleo A. Spatial learning and action planning in a prefrontal cortical network model. Public Library of Science Computational Biology, 2011, 7(5): 1−21 [6] Martinet L E, Passot J B, Fouque B, Meyer J A. Map-based spatial navigation: A cortical column model for action planning. In: Proceedings of International Conference Spatial Cognition, Freiburg, Germany: Springer, 2008. 39−55. [7] Erdem U M, Hasselmo M E. A biologically inspired hierarchical goal directed navigation model. Journal of Physiology-Paris, 2014, 108(1): 28−37 doi: 10.1016/j.jphysparis.2013.07.002 [8] Chersi F, Pezzulo G. Using hippocampal-striatal loops for spatial navigation and goal-directed decision-making. Cognitive Processing, 2012, 13(1): 125−129 [9] Kaplan R, Friston K J. Planning and navigation as active inference. Biological Cybernetics, 2018, 112(4): 323−343 doi: 10.1007/s00422-018-0753-2 [10] Destexhe A, Rudolph-Lilith M. Neuronal Noise. New York: Springer, 2012, 1−2 [11] Arleo A, Smeraldi F, Gerstner W. Cognitive navigation based on nonuniform gabor space sampling, unsupervised growing networks, and Reinforcement learning. IEEE Transactions on Neural Networks, 2004, 15(3): 639−652 doi: 10.1109/TNN.2004.826221 [12] Strosslin T, Sheynikhovich D, Chavarriaga, Gerstner W. Robust self-localisation and navigation based on hippocampal place cells. Neural Networks, 2012, 18(9): 1125−1140 [13] Forster D J, Morris R G, Dayan P. A model of hippocampally dependent navigation, using the temporal difference learning rule. Hippocampus, 2000, 10(1): 1−16 [14] Tolman E C, Honzik C H. “Insight” in rats. University of California Publications in Psychology, 1931, 4: 215−232 [15] Edvardsen V, Bicanski A, Burgess N. Navigating with grid and place cells in cluttered environments. Hippocampus, 2019: 1−13 [16] Erdem U M, Hasselmo M. A goal-directed spatial navigation model using forward trajectory planning based on grid cells. European Journal of Neuroscience, 2012, 35: 916−931 doi: 10.1111/j.1460-9568.2012.08015.x [17] Gonner L, Vitay J, Hamker F H. Predictive place-cell sequences for goal-finding emerge from goal memory and the cognitive map: a computational model. Frontiers in Computational Neuroscience, 2017, 11(84): 1−19 [18] Tejera G, Llofriu M, Barrera A, Weitzenfeld A. Bio-inspired robotics: A spatial cognition model integrating place cells, grid cells and head direction cells. Journal of Intelligent and Robotic Systems, 2018, 91(3): 85−99 [19] Bicanski A, Burgess N. A neural-level model of spatial memory and imagery. eLife, 2018, 7: e33752 doi: 10.7554/eLife.33752 [20] Ponulak F, Hopfield J J. Rapid, parallel path planning by propagating wavefronts of spiking neural activity. Frontiers in Computational Neuroscience, 2013, 7(98): 1−14 [21] Bi G Q, Poo M M. Synaptic modifications in cultured hippocampal neurons: dependence on spike timing, synaptic strength, and postsynaptic cell type. Journal of Neuroscience, 1998, 18: 10464−10472 doi: 10.1523/JNEUROSCI.18-24-10464.1998 [22] Kang L, DeWeese M R. Replay as wavefronts and theta sequences as bump oscillations in a grid cell attractor network. eLife, 2019, 8: e46351 [23] Ellender T J, Nissen W, Colgin L L, Mann E O, Paulsen O. Priming of hippocampal population bursts by individual perisomatic-targeting interneurons. Journal of Neuroscience, 2010, 30(17): 5979−5991 doi: 10.1523/JNEUROSCI.3962-09.2010 [24] Zennir M, Benmohammed M, Martinez D. Robust path planning by propagating rhythmic spiking activity in a hippocampal network model. Biologically Inspired Cognitive Architectures, 2017, 20: 47−58 doi: 10.1016/j.bica.2017.02.001 [25] Khajeh-Alijani A, Urbanczik R, Senn W. Scale-free navigational planning by neuronal traveling waves. Public Library of Science One, 2015, 10(7): 1−15 [26] Palmer J, Keane A, Gong P. Learning and executing goal directed choices by internally generated sequences in spiking neural circuits. Public Library of Science Computational Biology, 2017, 13(7): e1005669 [27] Hok V, Save E, Lenck-Santini P P, Poucet B. Coding for spatial goals in the prelimbic/infralimbic area of the rat frontal cortex. Proceedings of the National Academy of Sciences, 2005, 102(12): 4602−4607 doi: 10.1073/pnas.0407332102 [28] Preston A R, Eichenbaum H. Interplay of hippocampus and prefrontal cortex in memory. Current Biology, 2013, 23(17): 764−773 doi: 10.1016/j.cub.2013.05.041 [29] O' Keefe J. Place units in the hippocampus of the freely moving rat. Experimental Neurology, 1976, 51(1): 78−109 doi: 10.1016/0014-4886(76)90055-8 [30] Eichenbaum H. Memory on Time. Trends in Cognitive Sciences, 2013, 17: 81−88 doi: 10.1016/j.tics.2012.12.007 [31] Ramakrishnan A, Byun Y W, Rand K, Pedersen C E, Levedev M A, Nicolelis M A. Interplay of hippocampus and prefrontal cortex in memory. Proceedings of the National Academy of Sciences of the United States of America, 2017, 114(24): 4841−4850 doi: 10.1073/pnas.1703668114 [32] Dorst L, Trovato K. Optimal path planning by cost wave propagation in metric configuration space. In: SPIE Advances in Intelligent Robotics Systems, Cambridge, USA: SPIE, 1989. 186−197. [33] Tolman E C. Cognitive maps in rats and men. The Psychological Review, 1948, 55(4): 189−208 doi: 10.1037/h0061626 [34] Morris R, Garrud P, Rawlins J, O' Keefe J. Place navigation impaired in rats with hippocampal lesions. Nature, 1982, 297: 681−683 doi: 10.1038/297681a0 [35] Dechter R, Pearl J. Generalized best-first search strategies and the optimality of A*. Journal of the ACM, 1985, 32(3): 505−536 doi: 10.1145/3828.3830 [36] 康亮, 赵春霞, 郭剑辉. 未知环境下改进的基于RRT算法的移动机器人路径规划. 模式识别与人工智能, 2009, 22(3): 337−343 doi: 10.3969/j.issn.1003-6059.2009.03.001Kang Liang, Zhao Chun-Xia, Guo Jian-Hui. Improved path planning based on rapidly exploring random tree for mobile robot in unknown environment. Pattern Recognition and Artificial Intelligence, 2009, 22(3): 337−343 doi: 10.3969/j.issn.1003-6059.2009.03.001 [37] 卜新苹, 苏虎, 邹伟, 王鹏, 周海. 基于非均匀环境建模与三阶Bezier曲线的平滑路径规划. 自动化学报, 2017, 43(5): 710−724Bu Xin-Ping, Su Hu, Zou Wei, Wang Peng, Zhou Hai. Smooth path planning based on non-uniformly modeling and cubic bezier curves. Acta Automatica Sinica, 2017, 43(5): 710−724 期刊类型引用(14)
1. 王圣洁,刘乾义,文超,李忠灿,田文华. 考虑致因的初始晚点影响列车数预测模型研究. 综合运输. 2024(02): 105-110 . 百度学术
2. 刘鲁岳,肖宝弟,岳丽丽. 基于改进RF-XGBoost算法的列车运行晚点预测研究. 铁道标准设计. 2023(03): 38-43 . 百度学术
3. 李建民,许心越,丁忻. 基于多阶段特征优选的高速铁路列车晚点预测模型. 中国铁道科学. 2023(04): 219-229 . 百度学术
4. 林鹏,田宇,袁志明,张琦,董海荣,宋海锋,阳春华. 高速铁路信号系统运维分层架构模型研究. 自动化学报. 2022(01): 152-161 . 本站查看
5. 文超,李津,李忠灿,智利军,田锐,宋邵杰. 机器学习在铁路列车调度调整中的应用综述. 交通运输工程与信息学报. 2022(01): 1-14 . 百度学术
6. 张芸鹏,朱志强,王子维. 高速铁路行车调度作业风险管控信息系统设计研究. 铁道运输与经济. 2022(03): 47-52+59 . 百度学术
7. 张红斌,李军,陈亚茹. 京沪高铁列车运行晚点预测方法研究. 铁路计算机应用. 2022(05): 1-6 . 百度学术
8. 俞胜平,韩忻辰,袁志明,崔东亮. 基于策略梯度强化学习的高铁列车动态调度方法. 控制与决策. 2022(09): 2407-2417 . 百度学术
9. 唐涛,甘婧. 基于国内外铁路运营数据的列车运行时间预测模型. 中国安全科学学报. 2022(06): 123-130 . 百度学术
10. 刘睿,徐传玲,文超. 基于马尔科夫链的高铁列车连带晚点横向传播. 铁道科学与工程学报. 2022(10): 2804-2812 . 百度学术
11. 廖璐,张亚东,葛晓程,郭进,禹倩. 基于GBDT的列车晚点时长预测模型研究. 铁道标准设计. 2021(08): 149-154+176 . 百度学术
12. 闫璐,张琦,王荣笙,丁舒忻. 基于动力学特性的列车运行态势分析. 铁道运输与经济. 2021(08): 64-70 . 百度学术
13. 张俊,张欣愉,叶玉玲. 高速铁路非正常事件下初始延误场景聚类研究. 物流科技. 2021(06): 1-4+9 . 百度学术
14. 徐传玲,文超,胡瑞,冯永泰. 高速铁路列车连带晚点产生机理及其判定. 交通运输工程与信息学报. 2020(04): 31-37 . 百度学术
其他类型引用(28)
-