6. ModuleNotFoundError: No module named ‘mmdet.ops.iou3d.iou3d_cuda’
(pc) seivl@seivl-Default-string:~/SA-SSD$ python3 tools/create_data.py
/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/cuda/envvars.py:17: NumbaWarning:
Environment variables with the 'NUMBAPRO' prefix are deprecated and consequently ignored, found use of NUMBAPRO_NVVM=/usr/local/cuda/nvvm/lib64/libnvvm.so.
For more information about alternatives visit:('http://numba.pydata.org/numba-doc/latest/cuda/overview.html','#cudatoolkit-lookup')
warnings.warn(errors.NumbaWarning(msg))/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/cuda/envvars.py:17: NumbaWarning:
Environment variables with the 'NUMBAPRO' prefix are deprecated and consequently ignored, found use of NUMBAPRO_LIBDEVICE=/usr/local/cuda/nvvm/libdevice.
For more information about alternatives visit:('http://numba.pydata.org/numba-doc/latest/cuda/overview.html','#cudatoolkit-lookup')
warnings.warn(errors.NumbaWarning(msg))/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/cuda/envvars.py:17: NumbaWarning:
Environment variables with the 'NUMBAPRO' prefix are deprecated and consequently ignored, found use of NUMBAPRO_CUDA_DRIVER=/usr/lib/x86_64-linux-gnu/libcuda.so.
For more information about alternatives visit:('http://numba.pydata.org/numba-doc/latest/cuda/overview.html','#cudatoolkit-lookup')
warnings.warn(errors.NumbaWarning(msg))
Traceback (most recent call last):
File "tools/create_data.py", line 7,in<module>from mmdet.core.bbox3d.geometry import remove_outside_points, points_in_rbbox, box_camera_to_lidar
File "/home/seivl/SA-SSD/mmdet/core/__init__.py", line 1,in<module>from.anchor import*# noqa: F401, F403
File "/home/seivl/SA-SSD/mmdet/core/anchor/__init__.py", line 2,in<module>from.anchor_target import anchor_target
File "/home/seivl/SA-SSD/mmdet/core/anchor/anchor_target.py", line 2,in<module>from..bbox import assign_and_sample, BBoxAssigner, SamplingResult, bbox2delta, rbbox3d2delta
File "/home/seivl/SA-SSD/mmdet/core/bbox/__init__.py", line 2,in<module>from.assignment import BBoxAssigner, AssignResult
File "/home/seivl/SA-SSD/mmdet/core/bbox/assignment.py", line 4,in<module>from mmdet.ops.iou3d import iou3d_utils
File "/home/seivl/SA-SSD/mmdet/ops/iou3d/iou3d_utils.py", line 2,in<module>import mmdet.ops.iou3d.iou3d_cuda as iou3d_cuda
ModuleNotFoundError: No module named 'mmdet.ops.iou3d.iou3d_cuda'
7. ModuleNotFoundError: No module named ‘terminaltables’
(pc) seivl@seivl-Default-string:~/SA-SSD$ python3 tools/create_data.py
/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/cuda/envvars.py:17: NumbaWarning:
Environment variables with the 'NUMBAPRO' prefix are deprecated and consequently ignored, found use of NUMBAPRO_NVVM=/usr/local/cuda/nvvm/lib64/libnvvm.so.
For more information about alternatives visit:('http://numba.pydata.org/numba-doc/latest/cuda/overview.html','#cudatoolkit-lookup')
warnings.warn(errors.NumbaWarning(msg))/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/cuda/envvars.py:17: NumbaWarning:
Environment variables with the 'NUMBAPRO' prefix are deprecated and consequently ignored, found use of NUMBAPRO_LIBDEVICE=/usr/local/cuda/nvvm/libdevice.
For more information about alternatives visit:('http://numba.pydata.org/numba-doc/latest/cuda/overview.html','#cudatoolkit-lookup')
warnings.warn(errors.NumbaWarning(msg))/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/cuda/envvars.py:17: NumbaWarning:
Environment variables with the 'NUMBAPRO' prefix are deprecated and consequently ignored, found use of NUMBAPRO_CUDA_DRIVER=/usr/lib/x86_64-linux-gnu/libcuda.so.
For more information about alternatives visit:('http://numba.pydata.org/numba-doc/latest/cuda/overview.html','#cudatoolkit-lookup')
warnings.warn(errors.NumbaWarning(msg))
Traceback (most recent call last):
File "tools/create_data.py", line 7,in<module>from mmdet.core.bbox3d.geometry import remove_outside_points, points_in_rbbox, box_camera_to_lidar
File "/home/seivl/SA-SSD/mmdet/core/__init__.py", line 5,in<module>from.evaluation import*# noqa: F401, F403
File "/home/seivl/SA-SSD/mmdet/core/evaluation/__init__.py", line 4,in<module>from.coco_utils import coco_eval, fast_eval_recall, results2json
File "/home/seivl/SA-SSD/mmdet/core/evaluation/coco_utils.py", line 6,in<module>from.recall import eval_recalls
File "/home/seivl/SA-SSD/mmdet/core/evaluation/recall.py", line 2,in<module>from terminaltables import AsciiTable
ModuleNotFoundError: No module named 'terminaltables'
8. No such file or directory: ‘/home/seivl/data/KITTI/ImageSets/trainval.txt’
(pc) seivl@seivl-Default-string:~/SA-SSD$ python3 tools/create_data.py
/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/cuda/envvars.py:17: NumbaWarning:
Environment variables with the 'NUMBAPRO' prefix are deprecated and consequently ignored, found use of NUMBAPRO_NVVM=/usr/local/cuda/nvvm/lib64/libnvvm.so.
For more information about alternatives visit:('http://numba.pydata.org/numba-doc/latest/cuda/overview.html','#cudatoolkit-lookup')
warnings.warn(errors.NumbaWarning(msg))/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/cuda/envvars.py:17: NumbaWarning:
Environment variables with the 'NUMBAPRO' prefix are deprecated and consequently ignored, found use of NUMBAPRO_LIBDEVICE=/usr/local/cuda/nvvm/libdevice.
For more information about alternatives visit:('http://numba.pydata.org/numba-doc/latest/cuda/overview.html','#cudatoolkit-lookup')
warnings.warn(errors.NumbaWarning(msg))/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/cuda/envvars.py:17: NumbaWarning:
Environment variables with the 'NUMBAPRO' prefix are deprecated and consequently ignored, found use of NUMBAPRO_CUDA_DRIVER=/usr/lib/x86_64-linux-gnu/libcuda.so.
For more information about alternatives visit:('http://numba.pydata.org/numba-doc/latest/cuda/overview.html','#cudatoolkit-lookup')
warnings.warn(errors.NumbaWarning(msg))
Traceback (most recent call last):
File "tools/create_data.py", line 276,in<module>
create_kitti_info_file('/home/seivl/data/KITTI')
File "tools/create_data.py", line 57,in create_kitti_info_file
trainval_img_ids = _read_imageset_file(osp.join(data_path,"ImageSets/trainval.txt"))
File "tools/create_data.py", line 13,in _read_imageset_file
withopen(path,'r')as f:
FileNotFoundError:[Errno 2] No such fileor directory:'/home/seivl/data/KITTI/ImageSets/trainval.txt'
(pc) seivl@seivl-Default-string:~/SA-SSD$ python3 tools/create_data.py
/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/cuda/envvars.py:17: NumbaWarning:
Environment variables with the 'NUMBAPRO' prefix are deprecated and consequently ignored, found use of NUMBAPRO_NVVM=/usr/local/cuda/nvvm/lib64/libnvvm.so.
For more information about alternatives visit:('http://numba.pydata.org/numba-doc/latest/cuda/overview.html','#cudatoolkit-lookup')
warnings.warn(errors.NumbaWarning(msg))/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/cuda/envvars.py:17: NumbaWarning:
Environment variables with the 'NUMBAPRO' prefix are deprecated and consequently ignored, found use of NUMBAPRO_LIBDEVICE=/usr/local/cuda/nvvm/libdevice.
For more information about alternatives visit:('http://numba.pydata.org/numba-doc/latest/cuda/overview.html','#cudatoolkit-lookup')
warnings.warn(errors.NumbaWarning(msg))/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/cuda/envvars.py:17: NumbaWarning:
Environment variables with the 'NUMBAPRO' prefix are deprecated and consequently ignored, found use of NUMBAPRO_CUDA_DRIVER=/usr/lib/x86_64-linux-gnu/libcuda.so.
For more information about alternatives visit:('http://numba.pydata.org/numba-doc/latest/cuda/overview.html','#cudatoolkit-lookup')
warnings.warn(errors.NumbaWarning(msg))
Generate info. this may take several minutes./home/seivl/SA-SSD/mmdet/core/bbox3d/geometry.py:189: NumbaWarning:
Compilation is falling back to object mode WITH looplifting enabled because Function "points_in_convex_polygon_3d_jit" failed type inference due to: Invalid use of type(CPUDispatcher(<function surface_equ_3d_jit at 0x7fc8d316cc80>))with parameters (array(float64,4d, A))
During: resolving callee type:type(CPUDispatcher(<function surface_equ_3d_jit at 0x7fc8d316cc80>))
During: typing of call at /home/seivl/SA-SSD/mmdet/core/bbox3d/geometry.py (210)
File "mmdet/core/bbox3d/geometry.py", line 210:defpoints_in_convex_polygon_3d_jit(points,<source elided>
num_surfaces = np.full((num_polygons,),9999999, dtype=np.int64)
normal_vec, d = surface_equ_3d_jit(polygon_surfaces[:,:,:3,:])^
@numba.jit(nopython=False)/home/seivl/SA-SSD/mmdet/core/bbox3d/geometry.py:189: NumbaWarning:
Compilation is falling back to object mode WITHOUT looplifting enabled because Function "points_in_convex_polygon_3d_jit" failed type inference due to: cannot determine Numba type of <class'numba.core.dispatcher.LiftedLoop'>
File "mmdet/core/bbox3d/geometry.py", line 215:defpoints_in_convex_polygon_3d_jit(points,<source elided>
sign =0.0for i inrange(num_points):^
@numba.jit(nopython=False)/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/core/object_mode_passes.py:178: NumbaWarning: Function "points_in_convex_polygon_3d_jit" was compiled inobject mode without forceobj=True, but has lifted loops.
File "mmdet/core/bbox3d/geometry.py", line 205:defpoints_in_convex_polygon_3d_jit(points,<source elided>"""
max_num_surfaces, max_num_points_of_surface = polygon_surfaces.shape[1:3]
^
state.func_ir.loc))
/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/core/object_mode_passes.py:188: NumbaDeprecationWarning:
Fall-back from the nopython compilation path to the object mode compilation path has been detected, this is deprecated behaviour.
For more information visit http://numba.pydata.org/numba-doc/latest/reference/deprecation.html#deprecation-of-object-mode-fall-back-behaviour-when-using-jit
File "mmdet/core/bbox3d/geometry.py", line 205:
def points_in_convex_polygon_3d_jit(points,
"""
max_num_surfaces, max_num_points_of_surface = polygon_surfaces.shape[1:3]^
state.func_ir.loc))/home/seivl/SA-SSD/mmdet/core/bbox3d/geometry.py:76: NumbaWarning:
Compilation is falling back to object mode WITH looplifting enabled because Function "corner_to_surfaces_3d" failed type inference due to: No implementation of function Function(<built-in function array>) found for signature:>>> array(list(list(array(float64,2d, A))))
There are 2 candidate implementations:- Of which 2 did not match due to:
Overload in function 'array': File:<built-in>: Line <N/A>.
With argument(s):'(list(list(array(float64, 2d, A))))':
Rejected as the implementation raised a specific error:
TypingError: array(float64,2d, A)not allowed in a homogeneous sequence
raised from/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/core/typing/npydecl.py:471
During: resolving callee type: Function(<built-in function array>)
During: typing of call at /home/seivl/SA-SSD/mmdet/core/bbox3d/geometry.py (93)
File "mmdet/core/bbox3d/geometry.py", line 93:defcorner_to_surfaces_3d(corners):<source elided>[corners[:,0], corners[:,4], corners[:,5], corners[:,1]],[corners[:,3], corners[:,2], corners[:,6], corners[:,7]],^
@numba.jit(nopython=False)/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/core/object_mode_passes.py:178: NumbaWarning: Function "corner_to_surfaces_3d" was compiled inobject mode without forceobj=True.
File "mmdet/core/bbox3d/geometry.py", line 77:
@numba.jit(nopython=False)defcorner_to_surfaces_3d(corners):^
state.func_ir.loc))/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/core/object_mode_passes.py:188: NumbaDeprecationWarning:
Fall-back from the nopython compilation path to the object mode compilation path has been detected, this is deprecated behaviour.
For more information visit http://numba.pydata.org/numba-doc/latest/reference/deprecation.html#deprecation-of-object-mode-fall-back-behaviour-when-using-jit
File "mmdet/core/bbox3d/geometry.py", line 77:
@numba.jit(nopython=False)defcorner_to_surfaces_3d(corners):^
state.func_ir.loc))/home/seivl/SA-SSD/mmdet/core/bbox3d/geometry.py:189: NumbaWarning:
Compilation is falling back to object mode WITH looplifting enabled because Function "points_in_convex_polygon_3d_jit" failed type inference due to: Invalid use of type(CPUDispatcher(<function surface_equ_3d_jit at 0x7fc8d316cc80>))with parameters (array(float64,4d, A))
During: resolving callee type:type(CPUDispatcher(<function surface_equ_3d_jit at 0x7fc8d316cc80>))
During: typing of call at /home/seivl/SA-SSD/mmdet/core/bbox3d/geometry.py (210)
File "mmdet/core/bbox3d/geometry.py", line 210:defpoints_in_convex_polygon_3d_jit(points,<source elided>
num_surfaces = np.full((num_polygons,),9999999, dtype=np.int64)
normal_vec, d = surface_equ_3d_jit(polygon_surfaces[:,:,:3,:])^
@numba.jit(nopython=False)/home/seivl/SA-SSD/mmdet/core/bbox3d/geometry.py:189: NumbaWarning:
Compilation is falling back to object mode WITHOUT looplifting enabled because Function "points_in_convex_polygon_3d_jit" failed type inference due to: cannot determine Numba type of <class'numba.core.dispatcher.LiftedLoop'>
File "mmdet/core/bbox3d/geometry.py", line 215:defpoints_in_convex_polygon_3d_jit(points,<source elided>
sign =0.0for i inrange(num_points):^
@numba.jit(nopython=False)/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/core/object_mode_passes.py:178: NumbaWarning: Function "points_in_convex_polygon_3d_jit" was compiled inobject mode without forceobj=True, but has lifted loops.
File "mmdet/core/bbox3d/geometry.py", line 205:defpoints_in_convex_polygon_3d_jit(points,<source elided>"""
max_num_surfaces, max_num_points_of_surface = polygon_surfaces.shape[1:3]
^
state.func_ir.loc))
/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/core/object_mode_passes.py:188: NumbaDeprecationWarning:
Fall-back from the nopython compilation path to the object mode compilation path has been detected, this is deprecated behaviour.
For more information visit http://numba.pydata.org/numba-doc/latest/reference/deprecation.html#deprecation-of-object-mode-fall-back-behaviour-when-using-jit
File "mmdet/core/bbox3d/geometry.py", line 205:
def points_in_convex_polygon_3d_jit(points,
"""
max_num_surfaces, max_num_points_of_surface = polygon_surfaces.shape[1:3]^
state.func_ir.loc))
Kitti info train fileis saved to /home/seivl/data/KITTI/kitti_infos_train.pkl
Kitti info val fileis saved to /home/seivl/data/KITTI/kitti_infos_val.pkl
Kitti info trainval fileis saved to /home/seivl/data/KITTI/kitti_infos_trainval.pkl
Kitti info test fileis saved to /home/seivl/data/KITTI/kitti_infos_test.pkl
load 28742 Car database infos
load 4487 Pedestrian database infos
load 1627 Cyclist database infos
load 2914 Van database infos
load 222 Person_sitting database infos
load 1094 Truck database infos
load 511 Tram database infos
load 973 Misc database infos
注意修改 /configs/car_cfg.py 文件里的路径
二.运行 train.py 遇到的问题
1. 路径问题
解决办法
import sys
sys.path.append('/home/seivl/SA-SSD')
2. No module named ‘mmdet.ops.pointnet2.pointnet2_cuda’
(pc) seivl@seivl-Default-string:~/SA-SSD/tools$ python3 train.py ../configs/car_cfg.py
/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/cuda/envvars.py:17: NumbaWarning:
Environment variables with the 'NUMBAPRO' prefix are deprecated and consequently ignored, found use of NUMBAPRO_NVVM=/usr/local/cuda/nvvm/lib64/libnvvm.so.
For more information about alternatives visit:('http://numba.pydata.org/numba-doc/latest/cuda/overview.html','#cudatoolkit-lookup')
warnings.warn(errors.NumbaWarning(msg))/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/cuda/envvars.py:17: NumbaWarning:
Environment variables with the 'NUMBAPRO' prefix are deprecated and consequently ignored, found use of NUMBAPRO_LIBDEVICE=/usr/local/cuda/nvvm/libdevice.
For more information about alternatives visit:('http://numba.pydata.org/numba-doc/latest/cuda/overview.html','#cudatoolkit-lookup')
warnings.warn(errors.NumbaWarning(msg))/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/cuda/envvars.py:17: NumbaWarning:
Environment variables with the 'NUMBAPRO' prefix are deprecated and consequently ignored, found use of NUMBAPRO_CUDA_DRIVER=/usr/lib/x86_64-linux-gnu/libcuda.so.
For more information about alternatives visit:('http://numba.pydata.org/numba-doc/latest/cuda/overview.html','#cudatoolkit-lookup')
warnings.warn(errors.NumbaWarning(msg))
Traceback (most recent call last):
File "train.py", line 15,in<module>from mmdet.models import build_detector
File "/home/seivl/SA-SSD/mmdet/models/__init__.py", line 1,in<module>from.detectors import(BaseDetector,RPN)
File "/home/seivl/SA-SSD/mmdet/models/detectors/__init__.py", line 2,in<module>from.single_stage import SingleStageDetector
File "/home/seivl/SA-SSD/mmdet/models/detectors/single_stage.py", line 7,in<module>from..import builder
File "/home/seivl/SA-SSD/mmdet/models/builder.py", line 4,in<module>from.import(backbones, necks, roi_extractors, rpn_heads, bbox_heads,
File "/home/seivl/SA-SSD/mmdet/models/necks/__init__.py", line 2,in<module>from.cmn import SpMiddleFHD
File "/home/seivl/SA-SSD/mmdet/models/necks/cmn.py", line 4,in<module>from mmdet.ops.pointnet2 import pointnet2_utils
File "/home/seivl/SA-SSD/mmdet/ops/pointnet2/pointnet2_utils.py", line 7,in<module>import mmdet.ops.pointnet2.pointnet2_cuda as pointnet2
ModuleNotFoundError: No module named 'mmdet.ops.pointnet2.pointnet2_cuda'
(pc) seivl@seivl-Default-string:~/SA-SSD/tools$ python3 test.py ../configs/car_cfg.py ../saved_model_vehicle/epoch_50.pth
Traceback (most recent call last):
File "test.py", line 6,in<module>from mmdet.core.evaluation.kitti_eval import get_official_eval_result
ModuleNotFoundError: No module named 'mmdet'
解决办法
pip install mmdet
5. OSError: [Errno 12] Cannot allocate memory
2020-07-2421:19:41,508- INFO -**********************Start training**********************
Traceback (most recent call last):
File "/home/seivl/SA-SSD/tools/train.py", line 134,in<module>
main()
File "/home/seivl/SA-SSD/tools/train.py", line 128,in main
log_interval = cfg.log_config.interval
File "/home/seivl/SA-SSD/tools/train_utils/__init__.py", line 95,in train_model
log_interval = log_interval
File "/home/seivl/SA-SSD/tools/train_utils/__init__.py", line 40,in train_one_epoch
for i, data_batch inenumerate(train_loader):
File "/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 193,in __iter__
return _DataLoaderIter(self)
File "/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 469,in __init__
w.start()
File "/home/seivl/anaconda3/envs/pc/lib/python3.6/multiprocessing/process.py", line 105,in start
self._popen = self._Popen(self)
File "/home/seivl/anaconda3/envs/pc/lib/python3.6/multiprocessing/context.py", line 223,in _Popen
return _default_context.get_context().Process._Popen(process_obj)
File "/home/seivl/anaconda3/envs/pc/lib/python3.6/multiprocessing/context.py", line 277,in _Popen
return Popen(process_obj)
File "/home/seivl/anaconda3/envs/pc/lib/python3.6/multiprocessing/popen_fork.py", line 19,in __init__
self._launch(process_obj)
File "/home/seivl/anaconda3/envs/pc/lib/python3.6/multiprocessing/popen_fork.py", line 66,in _launch
self.pid = os.fork()
OSError:[Errno 12] Cannot allocate memory
解决办法: 修改 car_cfg.py 里面的线程数量
data =dict(
imgs_per_gpu=2,# workers_per_gpu=4,
workers_per_gpu=0,...
三.运行 test.py 遇到的问题
1. KeyError: ‘model_state’
(pc) seivl@seivl-Default-string:~/SA-SSD/tools$ python3 test.py ../configs/car_cfg.py ../saved_model_vehicle/epoch_50.pth
/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/cuda/envvars.py:17: NumbaWarning:
Environment variables with the 'NUMBAPRO' prefix are deprecated and consequently ignored, found use of NUMBAPRO_NVVM=/usr/local/cuda/nvvm/lib64/libnvvm.so.
For more information about alternatives visit:('http://numba.pydata.org/numba-doc/latest/cuda/overview.html','#cudatoolkit-lookup')
warnings.warn(errors.NumbaWarning(msg))/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/cuda/envvars.py:17: NumbaWarning:
Environment variables with the 'NUMBAPRO' prefix are deprecated and consequently ignored, found use of NUMBAPRO_LIBDEVICE=/usr/local/cuda/nvvm/libdevice.
For more information about alternatives visit:('http://numba.pydata.org/numba-doc/latest/cuda/overview.html','#cudatoolkit-lookup')
warnings.warn(errors.NumbaWarning(msg))/home/seivl/anaconda3/envs/pc/lib/python3.6/site-packages/numba/cuda/envvars.py:17: NumbaWarning:
Environment variables with the 'NUMBAPRO' prefix are deprecated and consequently ignored, found use of NUMBAPRO_CUDA_DRIVER=/usr/lib/x86_64-linux-gnu/libcuda.so.
For more information about alternatives visit:('http://numba.pydata.org/numba-doc/latest/cuda/overview.html','#cudatoolkit-lookup')
warnings.warn(errors.NumbaWarning(msg))[40,1600,1408]==> Loading parameters from checkpoint ../saved_model_vehicle/epoch_50.pth to GPU
Traceback (most recent call last):
File "test.py", line 158,in<module>
main()
File "test.py", line 140,in main
load_params_from_file(model, args.checkpoint)
File "/home/seivl/SA-SSD/tools/train_utils/__init__.py", line 157,in load_params_from_file
model_state_disk = checkpoint['model_state']
KeyError:'model_state'
Android中的Toast是一种简易的消息提示框,toast提示框不能被用户点击,toast会根据用户设置的显示时间后自动消失。
创建Toast
两个方法创建Toast
makeText(Context context, int resId, int duration)
参数:context是toast显示在
angular.identiy 描述: 返回它第一参数的函数. 此函数多用于函数是编程. 使用方法: angular.identity(value); 参数详解: Param Type Details value
*
to be returned. 返回值: 传入的value 实例代码:
<!DOCTYPE HTML>
Hierarchical Queries
If a table contains hierarchical data, then you can select rows in a hierarchical order using the hierarchical query clause:
hierarchical_query_clause::=
start with condi
初次接触到socket网络编程,也参考了网络上众前辈的文章。尝试自己也写了一下,记录下过程吧:
服务端:(接收客户端消息并把它们打印出来)
public class SocketServer {
private List<Socket> socketList = new ArrayList<Socket>();
public s