ef save_checkpoint(state, filename): filefolder = "{}/{}/parameter/train_time:{}".format(args.base_path, configs["DataConfig"]["dataset"], args.train_time) if not path.exists(filefolder): os.makedirs(filefolder) torch.save(state, path.join(filefolder, filename))这段代码的作用

时间: 2023-06-08 14:05:30 浏览: 84
ZIP

This is used to fix a filenames path

是保存PyTorch模型的参数到指定的文件夹中,其中参数state包含了当前模型的状态。代码中的filefolder是根据指定的参数和配置创建的文件夹,用来存储模型参数文件。最后,使用torch.save()将模型参数保存到指定的文件中。
阅读全文

相关推荐

Traceback (most recent call last): File "DT_001_X01_P01.py", line 150, in DT_001_X01_P01.Module.load_model File "/home/kejia/Server/tf/Bin_x64/DeepLearning/DL_Lib_02/mmdet/apis/inference.py", line 42, in init_detector checkpoint = load_checkpoint(model, checkpoint, map_location=map_loc) File "/home/kejia/Server/tf/Bin_x64/DeepLearning/DL_Lib_02/mmcv/runner/checkpoint.py", line 529, in load_checkpoint checkpoint = _load_checkpoint(filename, map_location, logger) File "/home/kejia/Server/tf/Bin_x64/DeepLearning/DL_Lib_02/mmcv/runner/checkpoint.py", line 467, in _load_checkpoint return CheckpointLoader.load_checkpoint(filename, map_location, logger) File "/home/kejia/Server/tf/Bin_x64/DeepLearning/DL_Lib_02/mmcv/runner/checkpoint.py", line 244, in load_checkpoint return checkpoint_loader(filename, map_location) File "/home/kejia/Server/tf/Bin_x64/DeepLearning/DL_Lib_02/mmcv/runner/checkpoint.py", line 261, in load_from_local checkpoint = torch.load(filename, map_location=map_location) File "torch/serialization.py", line 594, in load return _load(opened_zipfile, map_location, pickle_module, **pickle_load_args) File "torch/serialization.py", line 853, in _load result = unpickler.load() File "torch/serialization.py", line 845, in persistent_load load_tensor(data_type, size, key, _maybe_decode_ascii(location)) File "torch/serialization.py", line 834, in load_tensor loaded_storages[key] = restore_location(storage, location) File "torch/serialization.py", line 175, in default_restore_location result = fn(storage, location) File "torch/serialization.py", line 157, in _cuda_deserialize return obj.cuda(device) File "torch/_utils.py", line 71, in _cuda with torch.cuda.device(device): File "torch/cuda/__init__.py", line 225, in __enter__ self.prev_idx = torch._C._cuda_getDevice() File "torch/cuda/__init__.py", line 164, in _lazy_init "Cannot re-initialize CUDA in forked subprocess. " + msg) RuntimeError: Cannot re-initialize CUDA in forked subprocess. To use CUDA with multiprocessing, you must use the 'spawn' start method ('异常抛出', None) DT_001_X01_P01 load_model ret=1, version=V1.0.0.0

def test(checkpoint_dir, style_name, test_dir, if_adjust_brightness, img_size=[256,256]): # tf.reset_default_graph() result_dir = 'results/'+style_name check_folder(result_dir) test_files = glob('{}/*.*'.format(test_dir)) test_real = tf.placeholder(tf.float32, [1, None, None, 3], name='test') with tf.variable_scope("generator", reuse=False): test_generated = generator.G_net(test_real).fake saver = tf.train.Saver() gpu_options = tf.GPUOptions(allow_growth=True) with tf.Session(config=tf.ConfigProto(allow_soft_placement=True, gpu_options=gpu_options)) as sess: # tf.global_variables_initializer().run() # load model ckpt = tf.train.get_checkpoint_state(checkpoint_dir) # checkpoint file information if ckpt and ckpt.model_checkpoint_path: ckpt_name = os.path.basename(ckpt.model_checkpoint_path) # first line saver.restore(sess, os.path.join(checkpoint_dir, ckpt_name)) print(" [*] Success to read {}".format(os.path.join(checkpoint_dir, ckpt_name))) else: print(" [*] Failed to find a checkpoint") return # stats_graph(tf.get_default_graph()) begin = time.time() for sample_file in tqdm(test_files) : # print('Processing image: ' + sample_file) sample_image = np.asarray(load_test_data(sample_file, img_size)) image_path = os.path.join(result_dir,'{0}'.format(os.path.basename(sample_file))) fake_img = sess.run(test_generated, feed_dict = {test_real : sample_image}) if if_adjust_brightness: save_images(fake_img, image_path, sample_file) else: save_images(fake_img, image_path, None) end = time.time() print(f'test-time: {end-begin} s') print(f'one image test time : {(end-begin)/len(test_files)} s'什么意思

from mindspore.train.callback import ModelCheckpoint, CheckpointConfig, LossMonitor, TimeMonitor class LossCallBack(LossMonitor): """ Monitor the loss in training. If the loss in NAN or INF terminating training. """ def __init__(self, has_trained_epoch=0, per_print_times=per_print_steps): super(LossCallBack, self).__init__() self.has_trained_epoch = has_trained_epoch self._per_print_times = per_print_times def step_end(self, run_context): cb_params = run_context.original_args() loss = cb_params.net_outputs if isinstance(loss, (tuple, list)): if isinstance(loss[0], ms.Tensor) and isinstance(loss[0].asnumpy(), np.ndarray): loss = loss[0] if isinstance(loss, ms.Tensor) and isinstance(loss.asnumpy(), np.ndarray): loss = np.mean(loss.asnumpy()) cur_step_in_epoch = (cb_params.cur_step_num - 1) % cb_params.batch_num + 1 if isinstance(loss, float) and (np.isnan(loss) or np.isinf(loss)): raise ValueError("epoch: {} step: {}. Invalid loss, terminating training.".format( cb_params.cur_epoch_num, cur_step_in_epoch)) if self._per_print_times != 0 and cb_params.cur_step_num % self._per_print_times == 0: # pylint: disable=line-too-long print("epoch: %s step: %s, loss is %s" % (cb_params.cur_epoch_num + int(self.has_trained_epoch), cur_step_in_epoch, loss), flush=True) time_cb = TimeMonitor(data_size=step_size) loss_cb = LossCallBack(has_trained_epoch=0) cb = [time_cb, loss_cb] ckpt_save_dir = cfg['output_dir'] device_target = context.get_context('device_target') if cfg['save_checkpoint']: config_ck = CheckpointConfig(save_checkpoint_steps=save_ckpt_num*step_size, keep_checkpoint_max=10) # config_ck = CheckpointConfig(save_checkpoint_steps=5*step_size, keep_checkpoint_max=10) ckpt_cb = ModelCheckpoint(prefix="resnet", directory=ckpt_save_dir, config=config_ck) cb += [ckpt_cb]

import time import tensorflow.compat.v1 as tf tf.disable_v2_behavior() from tensorflow.examples.tutorials.mnist import input_data import mnist_inference import mnist_train tf.compat.v1.reset_default_graph() EVAL_INTERVAL_SECS = 10 def evaluate(mnist): with tf.Graph().as_default() as g: #定义输入与输出的格式 x = tf.compat.v1.placeholder(tf.float32, [None, mnist_inference.INPUT_NODE], name='x-input') y_ = tf.compat.v1.placeholder(tf.float32, [None, mnist_inference.OUTPUT_NODE], name='y-input') validate_feed = {x: mnist.validation.images, y_: mnist.validation.labels} #直接调用封装好的函数来计算前向传播的结果 y = mnist_inference.inference(x, None) #计算正确率 correcgt_prediction = tf.equal(tf.argmax(y, 1), tf.argmax(y_, 1)) accuracy = tf.reduce_mean(tf.cast(correcgt_prediction, tf.float32)) #通过变量重命名的方式加载模型 variable_averages = tf.train.ExponentialMovingAverage(0.99) variable_to_restore = variable_averages.variables_to_restore() saver = tf.train.Saver(variable_to_restore) #每隔10秒调用一次计算正确率的过程以检测训练过程中正确率的变化 while True: with tf.compat.v1.Session() as sess: ckpt = tf.train.get_checkpoint_state(minist_train.MODEL_SAVE_PATH) if ckpt and ckpt.model_checkpoint_path: #load the model saver.restore(sess, ckpt.model_checkpoint_path) global_step = ckpt.model_checkpoint_path.split('/')[-1].split('-')[-1] accuracy_score = sess.run(accuracy, feed_dict=validate_feed) print("After %s training steps, validation accuracy = %g" % (global_step, accuracy_score)) else: print('No checkpoint file found') return time.sleep(EVAL_INTERVAL_SECS) def main(argv=None): mnist = input_data.read_data_sets(r"D:\Anaconda123\Lib\site-packages\tensorboard\mnist", one_hot=True) evaluate(mnist) if __name__ == '__main__': tf.compat.v1.app.run()对代码进行改进

TypeError Traceback (most recent call last) /tmp/ipykernel_1045/245448921.py in <module> 1 dataset_path = ABSADatasetList.Restaurant14 ----> 2 sent_classifier = Trainer(config=apc_config_english, 3 dataset=dataset_path, # train set and test set will be automatically detected 4 checkpoint_save_mode=1, # =None to avoid save model 5 auto_device=True # automatic choose CUDA or CPU /tmp/ipykernel_1045/296492999.py in __init__(self, config, dataset, from_checkpoint, checkpoint_save_mode, auto_device) 84 config.model_path_to_save = None 85 ---> 86 self.train() 87 88 def train(self): /tmp/ipykernel_1045/296492999.py in train(self) 96 config.seed = s 97 if self.checkpoint_save_mode: ---> 98 model_path.append(self.train_func(config, self.from_checkpoint, self.logger)) 99 else: 100 # always return the last trained model if dont save trained model /tmp/ipykernel_1045/4269211813.py in train4apc(opt, from_checkpoint_path, logger) 494 load_checkpoint(trainer, from_checkpoint_path) 495 --> 496 return trainer.run() /tmp/ipykernel_1045/4269211813.py in run(self) 466 criterion = nn.CrossEntropyLoss() 467 self._reset_params() --> 468 return self._train(criterion) 469 470 /tmp/ipykernel_1045/4269211813.py in _train(self, criterion) 153 return self._k_fold_train_and_evaluate(criterion) 154 else: --> 155 return self._train_and_evaluate(criterion) 156 157 def _train_and_evaluate(self, criterion): /tmp/ipykernel_1045/4269211813.py in _train_and_evaluate(self, criterion) 190 191 for epoch in range(self.opt.num_epoch): --> 192 iterator = tqdm(self.train_dataloaders[0]) 193 for i_batch, sample_batched in enumerate(iterator): 194 global_step += 1 TypeError: 'module' object is not callable

/home/chenxingyue/anaconda3/envs/py39/bin/python /home/chenxingyue/codes/caopengfei/CMeKG_tools/test4.py Loading a TensorFlow model in PyTorch, requires both PyTorch and TensorFlow to be installed. Please see https://pytorch.org/ and https://www.tensorflow.org/install/ for installation instructions. Loading a TensorFlow model in PyTorch, requires both PyTorch and TensorFlow to be installed. Please see https://pytorch.org/ and https://www.tensorflow.org/install/ for installation instructions. Traceback (most recent call last): File "/home/chenxingyue/codes/caopengfei/CMeKG_tools/test4.py", line 9, in <module> my_pred=medical_ner() File "/home/chenxingyue/codes/caopengfei/CMeKG_tools/medical_ner.py", line 21, in __init__ self.model = BERT_LSTM_CRF('/home/chenxingyue/codes/caopengfei/medical_ner', tagset_size, 768, 200, 2, File "/home/chenxingyue/codes/caopengfei/CMeKG_tools/model_ner/bert_lstm_crf.py", line 16, in __init__ self.word_embeds = BertModel.from_pretrained(bert_config,from_tf=True) File "/home/chenxingyue/anaconda3/envs/py39/lib/python3.9/site-packages/transformers/modeling_utils.py", line 2612, in from_pretrained model, loading_info = load_tf2_checkpoint_in_pytorch_model( File "/home/chenxingyue/anaconda3/envs/py39/lib/python3.9/site-packages/transformers/modeling_tf_pytorch_utils.py", line 390, in load_tf2_checkpoint_in_pytorch_model import tensorflow as tf # noqa: F401 ModuleNotFoundError: No module named 'tensorflow' 这个报错可以是需要把tensorflow安装到本地吗?还是Linux

最新推荐

recommend-type

浅谈keras保存模型中的save()和save_weights()区别

本文将深入探讨Keras中`save()`和`save_weights()`两个函数之间的差异,并通过一个使用MNIST数据集的简单示例来说明它们的不同效果。 首先,`save()`函数用于保存整个模型,包括模型的结构、优化器的状态、损失函数...
recommend-type

精细金属掩模板(FMM)行业研究报告 显示技术核心部件FMM材料产业分析与市场应用

精细金属掩模板(FMM)作为OLED蒸镀工艺中的核心消耗部件,负责沉积RGB有机物质形成像素。材料由Frame、Cover等五部分组成,需满足特定热膨胀性能。制作工艺包括蚀刻、电铸等,影响FMM性能。适用于显示技术研究人员、产业分析师,旨在提供FMM材料技术发展、市场规模及产业链结构的深入解析。
recommend-type

【创新未发表】斑马算法ZOA-Kmean-Transformer-LSTM负荷预测Matlab源码 9515期.zip

CSDN海神之光上传的全部代码均可运行,亲测可用,直接替换数据即可,适合小白; 1、代码压缩包内容 主函数:Main.m; 调用函数:其他m文件;无需运行 运行结果效果图; 2、代码运行版本 Matlab 2024b;若运行有误,根据提示修改;若不会,可私信博主; 3、运行操作步骤 步骤一:将所有文件放到Matlab的当前文件夹中; 步骤二:双击打开除Main.m的其他m文件; 步骤三:点击运行,等程序运行完得到结果; 4、仿真咨询 如需其他服务,可私信博主或扫描博主博客文章底部QQ名片; 4.1 CSDN博客或资源的完整代码提供 4.2 期刊或参考文献复现 4.3 Matlab程序定制 4.4 科研合作 智能优化算法优化Kmean-Transformer-LSTM负荷预测系列程序定制或科研合作方向: 4.4.1 遗传算法GA/蚁群算法ACO优化Kmean-Transformer-LSTM负荷预测 4.4.2 粒子群算法PSO/蛙跳算法SFLA优化Kmean-Transformer-LSTM负荷预测 4.4.3 灰狼算法GWO/狼群算法WPA优化Kmean-Transformer-LSTM负荷预测 4.4.4 鲸鱼算法WOA/麻雀算法SSA优化Kmean-Transformer-LSTM负荷预测 4.4.5 萤火虫算法FA/差分算法DE优化Kmean-Transformer-LSTM负荷预测 4.4.6 其他优化算法优化Kmean-Transformer-LSTM负荷预测
recommend-type

WordPress作为新闻管理面板的实现指南

资源摘要信息: "使用WordPress作为管理面板" WordPress,作为当今最流行的开源内容管理系统(CMS),除了用于搭建网站、博客外,还可以作为一个功能强大的后台管理面板。本示例展示了如何利用WordPress的后端功能来管理新闻或帖子,将WordPress用作组织和发布内容的管理面板。 首先,需要了解WordPress的基本架构,包括它的数据库结构和如何通过主题和插件进行扩展。WordPress的核心功能已经包括文章(帖子)、页面、评论、分类和标签的管理,这些都可以通过其自带的仪表板进行管理。 在本示例中,WordPress被用作一个独立的后台管理面板来管理新闻或帖子。这种方法的好处是,WordPress的用户界面(UI)友好且功能全面,能够帮助不熟悉技术的用户轻松管理内容。WordPress的主题系统允许用户更改外观,而插件架构则可以扩展额外的功能,比如表单生成、数据分析等。 实施该方法的步骤可能包括: 1. 安装WordPress:按照标准流程在指定目录下安装WordPress。 2. 数据库配置:需要修改WordPress的配置文件(wp-config.php),将数据库连接信息替换为当前系统的数据库信息。 3. 插件选择与定制:可能需要安装特定插件来增强内容管理的功能,或者对现有的插件进行定制以满足特定需求。 4. 主题定制:选择一个适合的WordPress主题或者对现有主题进行定制,以实现所需的视觉和布局效果。 5. 后端访问安全:由于将WordPress用于管理面板,需要考虑安全性设置,如设置强密码、使用安全插件等。 值得一提的是,虽然WordPress已经内置了丰富的管理功能,但在企业级应用中,还需要考虑性能优化、安全性增强、用户权限管理等方面。此外,由于WordPress主要是作为内容发布平台设计的,将其作为管理面板可能需要一定的定制工作以确保满足特定的业务需求。 【PHP】标签意味着在实现该示例时,需要使用PHP编程语言。WordPress本身是由PHP语言开发的,因此开发者可能需要具备PHP开发能力,或至少能够理解PHP代码基础,以便对WordPress进行定制和扩展。 最后,【压缩包子文件的文件名称列表】中的"dctb-wp-as-admin-panel-master"暗示了这是一个存放所有相关文件的主目录,包括源代码、配置文件、模板文件、资源文件等,这些文件是安装和运行WordPress管理面板所必需的。在实际部署时,开发者需要上传这些文件到服务器,按照文档说明进行配置和安装。 总之,本示例提供了一个通过WordPress来搭建一个简单新闻或帖子管理系统的思路,展示了如何利用现有的开源工具来实现特定的业务需求。开发者需要有相应的PHP和WordPress知识,以及对网络安全和性能优化的基本了解。
recommend-type

管理建模和仿真的文件

管理Boualem Benatallah引用此版本:布阿利姆·贝纳塔拉。管理建模和仿真。约瑟夫-傅立叶大学-格勒诺布尔第一大学,1996年。法语。NNT:电话:00345357HAL ID:电话:00345357https://theses.hal.science/tel-003453572008年12月9日提交HAL是一个多学科的开放存取档案馆,用于存放和传播科学研究论文,无论它们是否被公开。论文可以来自法国或国外的教学和研究机构,也可以来自公共或私人研究中心。L’archive ouverte pluridisciplinaire
recommend-type

函数与模块化编程宝典:J750编程高效之路

![函数与模块化编程宝典:J750编程高效之路](https://github.blog/wp-content/uploads/2021/12/python-intermediate-update.png?resize=1024%2C494) 参考资源链接:[泰瑞达J750设备编程基础教程](https://wenku.csdn.net/doc/6412b472be7fbd1778d3f9e1?spm=1055.2635.3001.10343) # 1. 函数与模块化编程基础 ## 1.1 编程中的函数基础 函数是编程的基础构件,它允许将代码块组织成可重复使用的组件。在函数中封装特定的逻辑
recommend-type

用C语言求有4个圆塔,圆心分别为(2,2),(2,-2),(-2,2),(-2,-2)圆半径为1, 这4个塔的高度为10m 塔以外无建筑物接输入任意点的坐标 求该点的建筑高度(塔外的高度为零)的程序

在C语言中,你可以编写一个简单的函数来解决这个问题。首先,你需要确定每个圆是否包含了给定的点。如果包含,则返回塔高10米,如果不包含则返回0。这里提供一个基本的伪代码思路: ```c #include <stdio.h> #include <math.h> // 定义圆的结构体 typedef struct { double x, y; // 圆心坐标 int radius; // 半径 } Circle; // 函数判断点是否在圆内 int is_point_in_circle(Circle circle, double px, double py) { d
recommend-type

NPC_Generator:使用Ruby打造的游戏角色生成器

资源摘要信息:"NPC_Generator是一个专门为角色扮演游戏(RPG)或模拟类游戏设计的角色生成工具,它允许游戏开发者或者爱好者快速创建非玩家角色(NPC)并赋予它们丰富的背景故事、外观特征以及可能的行为模式。NPC_Generator的开发使用了Ruby编程语言,Ruby以其简洁的语法和强大的编程能力在脚本编写和小型项目开发中十分受欢迎。利用Ruby编写的NPC_Generator可以集成到游戏开发流程中,实现自动化生成NPC,极大地节省了手动设计每个NPC的时间和精力,提升了游戏内容的丰富性和多样性。" 知识点详细说明: 1. NPC_Generator的用途: NPC_Generator是用于游戏角色生成的工具,它能够帮助游戏设计师和玩家创建大量的非玩家角色(Non-Player Characters,简称NPC)。在RPG或模拟类游戏中,NPC是指在游戏中由计算机控制的虚拟角色,它们与玩家角色互动,为游戏世界增添真实感。 2. NPC生成的关键要素: - 角色背景故事:每个NPC都应该有自己的故事背景,这些故事可以是关于它们的过去,它们为什么会在游戏中出现,以及它们的个性和动机等。 - 外观特征:NPC的外观包括性别、年龄、种族、服装、发型等,这些特征可以由工具随机生成或者由设计师自定义。 - 行为模式:NPC的行为模式决定了它们在游戏中的行为方式,比如友好、中立或敌对,以及它们可能会执行的任务或对话。 3. Ruby编程语言的优势: - 简洁的语法:Ruby语言的语法非常接近英语,使得编写和阅读代码都变得更加容易和直观。 - 灵活性和表达性:Ruby语言提供的大量内置函数和库使得开发者可以快速实现复杂的功能。 - 开源和社区支持:Ruby是一个开源项目,有着庞大的开发者社区和丰富的学习资源,有利于项目的开发和维护。 4. 项目集成与自动化: NPC_Generator的自动化特性意味着它可以与游戏引擎或开发环境集成,为游戏提供即时的角色生成服务。自动化不仅可以提高生成NPC的效率,还可以确保游戏中每个NPC都具备独特的特性,使游戏世界更加多元和真实。 5. 游戏开发的影响: NPC_Generator的引入对游戏开发产生以下影响: - 提高效率:通过自动化的角色生成,游戏开发团队可以节约大量时间和资源,专注于游戏设计的其他方面。 - 增加多样性:自动化的工具可以根据不同的参数生成大量不同的NPC,为游戏世界带来更多的故事线和交互可能性。 - 玩家体验:丰富的NPC角色能够提升玩家的沉浸感,使得玩家在游戏中的体验更加真实和有吸引力。 6. Ruby在游戏开发中的应用: 虽然Ruby不是游戏开发中最常用的编程语言,但其在小型项目、原型设计、脚本编写等领域有其独特的优势。一些游戏开发工具和框架支持Ruby,如Ruby on Rails可以在Web游戏开发中发挥作用,而一些游戏开发社区也在探索Ruby的更多潜力。 7. NPC_Generator的扩展性和维护: 为了确保NPC_Generator能够长期有效地工作,它需要具备良好的扩展性和维护性。这意味着工具应该支持插件或模块的添加,允许社区贡献新功能,并且代码应该易于阅读和修改,以便于未来的升级和优化。 综上所述,NPC_Generator是一款利用Ruby编程语言开发的高效角色生成工具,它不仅提高了游戏开发的效率,而且通过提供丰富多样的NPC角色增加了游戏的深度和吸引力。随着游戏开发的不断发展,此类自动化工具将变得更加重要,而Ruby作为一种支持快速开发的编程语言,在这一领域有着重要的应用前景。
recommend-type

"互动学习:行动中的多样性与论文攻读经历"

多样性她- 事实上SCI NCES你的时间表ECOLEDO C Tora SC和NCESPOUR l’Ingén学习互动,互动学习以行动为中心的强化学习学会互动,互动学习,以行动为中心的强化学习计算机科学博士论文于2021年9月28日在Villeneuve d'Asq公开支持马修·瑟林评审团主席法布里斯·勒菲弗尔阿维尼翁大学教授论文指导奥利维尔·皮耶昆谷歌研究教授:智囊团论文联合主任菲利普·普雷教授,大学。里尔/CRISTAL/因里亚报告员奥利维耶·西格德索邦大学报告员卢多维奇·德诺耶教授,Facebook /索邦大学审查员越南圣迈IMT Atlantic高级讲师邀请弗洛里安·斯特鲁布博士,Deepmind对于那些及时看到自己错误的人...3谢谢你首先,我要感谢我的两位博士生导师Olivier和Philippe。奥利维尔,"站在巨人的肩膀上"这句话对你来说完全有意义了。从科学上讲,你知道在这篇论文的(许多)错误中,你是我可以依
recommend-type

流程控制与循环结构详解:J750编程逻辑构建指南

![流程控制与循环结构详解:J750编程逻辑构建指南](https://d1g9li960vagp7.cloudfront.net/wp-content/uploads/2018/10/While-Schleife_WP_04-1024x576.png) 参考资源链接:[泰瑞达J750设备编程基础教程](https://wenku.csdn.net/doc/6412b472be7fbd1778d3f9e1?spm=1055.2635.3001.10343) # 1. 流程控制与循环结构的编程基础 编程中,流程控制和循环结构是构建有效程序逻辑的核心元素。本章将带你从基础概念出发,逐步深入理解