本想浅试一下,结果冠军和奖金都到手了!记一次成功的算法项目实践

2022 年 3 月 29 日 极市平台
↑ 点击 蓝字  关注极市平台

作者丨jiujiangluck
编辑丨极市平台

极市导读

 

本文作者是极市打榜二月新星jiujiangluck,也是极市平台的快递爆仓榜单第一名。jiujiangluck在参与极市打榜的过程中积累了丰富的真实项目开发经验,同时还极市平台签约合作,在2月获得了4万元以上的分成收益。以下是他在快递爆仓识别任务的经验分享,相信能够帮助到大家。 >>加入极市CV技术交流群,走在计算机视觉的最前沿


前言

不知不觉,接触极市平台快接近一年的时间了。自从极市推出打榜出来后,也参与了很多项目打榜,收获满满。其中快递爆仓识别是笔者个人认为比较有趣,而且收获较多项目。下面将详细介绍关于快递爆仓的解决方案。

任务介绍

任务描述

快递爆仓算法主要用于估计画面中指定区域内包裹快递的占比情况,已判定是否爆仓。
需求:支持自定义 ROI区域,通过识别盒子、袋子等物品来识别 ROI区域内包裹占整个区域的比例,从而判定是否爆仓。


根据任务描述来看,拟采用语义分割来解决该任务。

评价指标

本榜最终得分采取准确率、算法性能绝对值综合得分的形式,具体如下:
评审指标指标说明权重分

算法精度 MIoU(Mean Intersection over Union) 90
算法性能值 性能分=fps/10,如果fps>10则当满分100计算 10
总分 Score=算法精度*90+算法性能值*10
从算法评价指标来看,算法精度占很大一部分,因此首要考虑精度,然后再进一步提升模型的速度。值得注意的是由于极市采用的评测规则是将每张图片预测的结果保存为图片的形式,因此得到的结果fps相对比较低,大部分时间都耗在保存图片的io上。

数据集

从数据集来看,语义类别只有两个类别: 快递(值为1),非快递(值为0)。整个训练集一共有4329张图片,数据集的尺寸都是: 1280 x 720
数据集示例如下图:
原图 分割图(图中白色仅为示意,实际快递像素值为1)

解决方案

模型选取

上图是来自Rethinking BiSeNet For Real-time Semantic Segmentation【1】,该图描述了当前实时语义分割的一些优秀算法。从上图可以看出, STDC算法和 BiSeNetV2算法在速度和精度上都是较为优秀的算法。这里选择 BiSeNetV2算法来作为 BaselineBiSeNetV2的具体代码可以参考GitHub【2】(本文采用该代码),当然也可以使用mmsegmentation【3】。

编码训练

下面就 Baseline的代码编码训练部分进行讲解。
环境
  • cuda 10.2
  • cudnn 7
  • python 3.8.8
  • pytorch 1.8.1
数据集划分
首先需要对数据集进行划分,这里采用 trian:val=4:1的比例随机划分数据集。划分完数据集后要得到两个txt文档,分别是训练集和测试集对应的输入和标签映射关系。txt中每行是一组数据,格式如下:
/home/data/version/aa.jpg,/home/data/version/aa.png 原图的地址,标签掩码图的地址
数据集划分可参考如下代码:
   
   
     
'''
Usage: python split_dataset.py /home/data
'''

from __future__  import division
from __future__  import print_function
from __future__  import absolute_import
import os
import sys
import shutil
import pathlib
import random

import xml.etree.ElementTree  as ET
import io

dataset_root =  '/project/train/src_repo/dataset'
supported_fmt = [ '.jpg''.JPG']
       
if __name__ ==  '__main__':
    os.makedirs(dataset_root, exist_ok= True)
     if  not os.path.exists(sys.argv[ 1]):
        print( f'{sys.argv[1]} 不存在!')
        exit( -1)

     # 遍历数据集目录下所有xml文件及其对应的图片
    dataset_path = pathlib.Path(sys.argv[ 1])
    found_data_list = []
     for mask_file  in dataset_path.glob( '**/*.png'):
        possible_images = [mask_file.with_suffix(suffix)  for suffix  in supported_fmt]
        supported_images = list(filter( lambda p: p.is_file(), possible_images))
         if len(supported_images) ==  0:
            print( f'找不到对应的图片文件:`{mask_file.as_posix()}`')
             continue
        found_data_list.append({ 'image': supported_images[ 0],  'label': mask_file})

     # 随机化数据集,将数据集拆分成训练集和验证集,并将其拷贝到/project/train/src_repo/dataset下
    random.shuffle(found_data_list)
    train_data_count = len(found_data_list) *  4 /  5
    train_data_list = []
    valid_data_list = []
     for i, data  in enumerate(found_data_list):
         if i < train_data_count:   # 训练集
            data_list = train_data_list
         else:   # 验证集
            data_list = valid_data_list
        data_list.append(data)

     with open(os.path.join(dataset_root,  'train.txt'),  'w'as f:
         for name  in train_data_list:
            f.write(name[ 'image'].as_posix() +  ',' + name[ 'label'].as_posix() +  '\n')
     with open(os.path.join(dataset_root,  'val.txt'),  'w'as f:
         for name  in valid_data_list:
            f.write(name[ 'image'].as_posix() +  ',' + name[ 'label'].as_posix() +  '\n')
    print( 'Done')

数据集和配置文件

由于Baseline【2】代码的数据集加载代码都是针对通用数据集的,因此这里需要进行自定义数据集类。一共要修改的地方有两处。第一处增加自定义数据集类,这里可以参考给出的 demo数据集类编码。主要更改的地方是数据集的语义类别和数据集的均值和方差。以下是自定义数据集类代码部分:
   
   
     
#!/usr/bin/python
# -*- encoding: utf-8 -*-

import os
import os.path  as osp
import json

import torch
from torch.utils.data  import Dataset, DataLoader
import torch.distributed  as dist
import cv2
import numpy  as np

import lib.transform_cv2  as T
from lib.sampler  import RepeatedDistSampler
from lib.base_dataset  import BaseDataset


class Expressage(BaseDataset):

     def __init__(self, dataroot, annpath, trans_func=None, mode='train'):
        super(Expressage, self).__init__(dataroot, annpath, trans_func, mode)
        self.n_cats =  2 
        self.lb_ignore =  255

        self.to_tensor = T.ToTensor(
            mean=( 0.469622510.4464104,   0.40718787), 
            std=( 0.274697360.270123610.28515933),
        )
第二处是数据集载入和数据增强的部分,以下代码是其对应的部分,只需在模块导入部分导入刚才在定义的数据集类即可。
   
   
     
import torch
from torch.utils.data  import Dataset, DataLoader
import torch.distributed  as dist

import lib.transform_cv2  as T
from lib.sampler  import RepeatedDistSampler
from lib.cityscapes_cv2  import CityScapes
from lib.coco  import CocoStuff
# 添加下面的语句
from lib.expressage  import Expressage


class TransformationTrain(object):

     def __init__(self, scales, cropsize):
        self.trans_func = T.Compose([
            T.RandomResizedCrop(scales, cropsize),
            T.RandomHorizontalFlip(),
            T.ColorJitter(
                brightness= 0.4,
                contrast= 0.4,
                saturation= 0.4
            ),
        ])

     def __call__(self, im_lb):
        im_lb = self.trans_func(im_lb)
         return im_lb


class TransformationVal(object):

     def __call__(self, im_lb):
        im, lb = im_lb[ 'im'], im_lb[ 'lb']
         return dict(im=im, lb=lb)


def get_data_loader(cfg, mode='train', distributed=True):
     if mode ==  'train':
        trans_func = TransformationTrain(cfg.scales, cfg.cropsize)
        batchsize = cfg.ims_per_gpu
        annpath = cfg.train_im_anns
        shuffle =  True
        drop_last =  True
     elif mode ==  'val':
        trans_func = TransformationVal()
        batchsize = cfg.eval_ims_per_gpu
        annpath = cfg.val_im_anns
        shuffle =  False
        drop_last =  False

    ds = eval(cfg.dataset)(cfg.im_root, annpath, trans_func=trans_func, mode=mode)

     if distributed:
         assert dist.is_available(),  "dist should be initialzed"
         if mode ==  'train':
             assert  not cfg.max_iter  is  None
            n_train_imgs = cfg.ims_per_gpu * dist.get_world_size() * cfg.max_iter
            sampler = RepeatedDistSampler(ds, n_train_imgs, shuffle=shuffle)
         else:
            sampler = torch.utils.data.distributed.DistributedSampler(
                ds, shuffle=shuffle)
        batchsampler = torch.utils.data.sampler.BatchSampler(
            sampler, batchsize, drop_last=drop_last
        )
        dl = DataLoader(
            ds,
            batch_sampler=batchsampler,
            num_workers= 4,
            pin_memory= True,
        )
     else:
        dl = DataLoader(
            ds,
            batch_size=batchsize,
            shuffle=shuffle,
            drop_last=drop_last,
            num_workers= 4,
            pin_memory= True,
        )
     return dl

在进行训练之前,需要对训练的参数进行配置。这里采用 bisenetv2进行训练,同时网络输出维度为 2。数据集的输入采用上面划分数据集得到的两个 txt文档的地址。整个训练一共迭代 40000次, batch size(ims_per_gpu)为16,同时采用 混合精度训练(use_fp16)。采用混合精度训练的好处是:推理的时候后可以采用fp16进行推理,从而加快网络推理速度同时不损失很多精度。最后一定要注意模型保存路径,这里可以设置为 /project/train/models,这是平台保存模型的路径。
   
   
     
## bisenetv2
cfg = dict(
    model_type= 'bisenetv2',
    n_cats= 2,
    num_aux_heads= 4,
    lr_start= 5e-3,
    weight_decay= 1e-4,
    warmup_iters= 1000,
    max_iter= 40000,
    dataset= 'Expressage',
    im_root= '',
    train_im_anns= '/project/train/src_repo/dataset/train.txt',
    val_im_anns= '/project/train/src_repo/dataset/val.txt',
    scales=[ 0.752.],
    cropsize=[ 640640],
    eval_crop=[ 640640],
    eval_scales=[ 0.50.7511.251.51.75],
    ims_per_gpu= 16,
    eval_ims_per_gpu= 1,
    use_fp16= True,
    use_sync_bn= True,
    respth= '/project/train/models',
)
训练
搞定了数据集的加载和代码的训练配置,那么接下来训练就是相当简单了。这里将之前的数据集划分还有启动训练的脚本命令合在一起得到了如下代码:
   
   
     
project_root_dir=/project/train/src_repo
dataset_dir=/home/data
log_file=/project/train/log/log.txt

echo "Prepare environment..."
pip install -i https://mirrors.cloud.tencent.com/pypi/simple -r ${project_root_dir}/BiSeNet/requirements.txt
echo "Prepare dataset..."
cd ${project_root_dir} && python split_dataset.py ${dataset_dir} | tee -a ${log_file}

echo "Start training..."
cd ${project_root_dir}/BiSeNet
#  bisenetv2 expressage
export CUDA_VISIBLE_DEVICES=0
cfg_file=configs/bisenetv2_expressage.py
NGPUS=1
python -m torch.distributed.launch --nproc_per_node=$NGPUS tools/train_amp.py --config $cfg_file | tee -a ${log_file}

echo "Convert model to onnx..."
python tools/export_onnx.py --config $cfg_file --weight-path /project/train/models/model_final.pth --outpath /project/train/models/model.onnx
python -m onnxsim /project/train/models/model.onnx /project/train/models/model_sim.onnx
细心的读者可能发现了,训练脚本中最后有一部分是关于导出 onnx模型的代码,这里加入这部分代码是为了后续采用TensorRT进行推理做准备。

推理测试

推理环境和模型转换
这里采用 TensorRT进行模型推理加速,具体的环境安装方法可参考笔者之前的文章。
模型转换可参考Baseline【2】代码给出的转换方法,具体如下:
1.首先导出 onnx模型,注意Baseline这里没有使用 onnx-simplifier进行简化。
   
   
     
$ python tools/export_onnx.py --config configs/bisenetv2_city.py --weight-path /path/to/your/model.pth --outpath ./model.onnx
2.编译代码
   
   
     
mkdir -p tensorrt/build
cd tensorrt/build
cmake ..
make
最后会产生 ./segment 的二进制执行文件在 build目录中。
3.转换TensorRT模型
   
   
     
$ ./segment compile /path/to/onnx.model /path/to/saved_model.trt
添加 --fp16 采用 fp16进行推理:
   
   
     
$ ./segment compile /path/to/onnx.model /path/to/saved_model.trt --fp16
如果不想通过c++代码转模型,只想用python转模型,这里可以参考yolov5的转模型的代码
https://github.com/ultralytics/yolov5/blob/master/export.py#L195
推理代码
整个推理部分包括:模型加载、图像预处理、推理预测、后处理,代码如下所示:
"""
An example that uses TensorRT's Python api to make inferences for BiSeNet.
"""

import os
import shutil
import random
import sys
import threading
import time
import cv2
import numpy as np
import pycuda.autoinit
import pycuda.driver as cuda
import tensorrt as trt

def get_img_path_batches(batch_size, img_dir):
    ret = []
    batch = []
    for root, dirs, files in os.walk(img_dir):
        for name in files:
            if len(batch) == batch_size:
                ret.append(batch)
                batch = []
            batch.append(os.path.join(root, name))
    if len(batch) > 0:
        ret.append(batch)
    return ret

class BiSeNet_TRT(object):
    """
    description: A BiSeNet class that warps TensorRT ops, preprocess and postprocess ops.
    """


    def __init__(self, engine_file_path):
        # Create a Context on this device,
        self.cfx = cuda.Device(0).make_context()
        stream = cuda.Stream()
        runtime = trt.Runtime(trt.Logger(trt.Logger.INFO))
        assert runtime
        
        # Deserialize the engine from file
        with open(engine_file_path, "rb"as f:
            engine = runtime.deserialize_cuda_engine(f.read())
        context = engine.create_execution_context()

        host_inputs = []
        cuda_inputs = []
        host_outputs = []
        cuda_outputs = []
        bindings = []

        for binding in engine:
            size = trt.volume(engine.get_binding_shape(binding)) * engine.max_batch_size
            dtype = trt.nptype(engine.get_binding_dtype(binding))
            # Allocate host and device buffers
            host_mem = cuda.pagelocked_empty(size, dtype)
            cuda_mem = cuda.mem_alloc(host_mem.nbytes)
            # Append the device buffer to device bindings.
            bindings.append(int(cuda_mem))
            # Append to the appropriate list.
            if engine.binding_is_input(binding):
                self.input_w = engine.get_binding_shape(binding)[-1]
                self.input_h = engine.get_binding_shape(binding)[-2]
                host_inputs.append(host_mem)
                cuda_inputs.append(cuda_mem)
            else:
                host_outputs.append(host_mem)
                cuda_outputs.append(cuda_mem)

        # Store
        self.stream = stream
        self.context = context
        self.engine = engine
        self.host_inputs = host_inputs
        self.cuda_inputs = cuda_inputs
        self.host_outputs = host_outputs
        self.cuda_outputs = cuda_outputs
        self.bindings = bindings
        self.batch_size = engine.max_batch_size
        
        self.img_mean = (0.469622510.4464104,  0.40718787)
        self.img_std = (0.274697360.270123610.28515933)

    def infer(self, image_raw):
        threading.Thread.__init__(self)
        # Make self the active context, pushing it on top of the context stack.
        self.cfx.push()
        # Restore
        stream = self.stream
        context = self.context
        engine = self.engine
        host_inputs = self.host_inputs
        cuda_inputs = self.cuda_inputs
        host_outputs = self.host_outputs
        cuda_outputs = self.cuda_outputs
        bindings = self.bindings
        print('ori_shape: ', image_raw.shape)
        # if image_raw is constant, image_raw.shape[1] != self.input_w
        w_ori, h_ori = image_raw.shape[1], image_raw.shape[0]
        # Do image preprocess
        input_image = self.preprocess_image(image_raw)
        # Copy input image to host buffer
        np.copyto(host_inputs[0], input_image.ravel())
        # Transfer input data to the GPU.
        cuda.memcpy_htod_async(cuda_inputs[0], host_inputs[0], stream)
        # Run inference.
        context.execute_async(bindings=bindings, stream_handle=stream.handle)
        # Transfer predictions back from the GPU.
        cuda.memcpy_dtoh_async(host_outputs[0], cuda_outputs[0], stream)
        # Synchronize the stream
        stream.synchronize()
        # Remove any context from the top of the context stack, deactivating it.
        self.cfx.pop()
        # Here we use the first row of output in that batch_size = 1
        output = host_outputs[0]
        
        # Do postprocess
        output = output.reshape(self.input_h, self.input_w).astype('uint8')
        output = cv2.resize(output, (w_ori, h_ori), interpolation=cv2.INTER_NEAREST)
        
        #palette = np.random.randint(0, 256, (256, 3), dtype=np.uint8)
        #output = palette[output]
        return output

    def destroy(self):
        # Remove any context from the top of the context stack, deactivating it.
        self.cfx.pop()

    def preprocess_image(self, image_raw):
        """
        description: Read an image from image path
        param:
            image_raw: numpy, raw image
        return:
            img_input:  the processed image
        """

        
        img_resize = cv2.resize(image_raw, (self.input_w, self.input_h))[:, :, ::-1#bgr2rgb
        img_input = np.transpose(img_resize, [201]) # hwc2chw
        
        img_input = img_input.astype(np.float32) / 255.0
        img_mean = np.array(self.img_mean, dtype=np.float32).reshape(311)
        img_std = np.array(self.img_std, dtype=np.float32).reshape(311)
        img_input = (img_input - img_mean) / img_std
        # expand dims
        img_input = np.expand_dims(img_input, axis=0)
        
        return img_input

    def get_raw_image(self, image_path_batch):
        """
        description: Read an image from image path
        """

        for img_path in image_path_batch:
            return cv2.imread(img_path)
    
    def get_raw_image_zeros(self, image_path_batch=None):
        """
        description: Ready data for warmup
        """

        for _ in range(self.batch_size):
            return np.zeros([self.input_h, self.input_w, 3], dtype=np.uint8)


class inferThread(threading.Thread):
    def __init__(self, bisenet, image_path_batch):
        threading.Thread.__init__(self)
        self.bisenet = bisenet
        self.image_path_batch = image_path_batch

    def run(self):
        batch_image_raw = self.bisenet.infer(self.bisenet.get_raw_image(self.image_path_batch))

class warmUpThread(threading.Thread):
    def __init__(self, bisenet):
        threading.Thread.__init__(self)
        self.bisenet = bisenet

    def run(self):
        batch_image_raw = self.bisenet.infer(self.bisenet.get_raw_image_zeros())



if __name__ == "__main__":
    # load custom engine
    engine_file_path = "build/model.trt"  # the generated engine file
    
    if len(sys.argv) > 1:
        engine_file_path = sys.argv[1]

    if os.path.exists('output/'):
        shutil.rmtree('output/')
    os.makedirs('output/')
    # a hrnet instance
    bisenet = BiSeNet_TRT(engine_file_path)
    try:
        print('batch size is', bisenet.batch_size)  # batch size is set to 1!
        
        image_dir = "samples/"
        image_path_batches = get_img_path_batches(bisenet.batch_size, image_dir)

        for i in range(10):
            # create a new thread to do warm_up
            thread1 = warmUpThread(bisenet)
            thread1.start()
            thread1.join()
        for batch in image_path_batches:
            # create a new thread to do inference
            thread1 = inferThread(bisenet, batch)
            thread1.start()
            thread1.join()
    finally:
        # destroy the instance
        bisenet.destroy()
from BiSeNet_trt import *
import json
import cv2
import numpy as np


def init():

    """Initialize model
    Returns: model
    """

    onnx_file_path = "/project/train/models/model_sim.onnx"
    engine_file_path = "/usr/local/ev_sdk/model/model.trt"
    os.system("/usr/local/ev_sdk/3rd/BiSeNet/bin/segment compile " + onnx_file_path + " " + engine_file_path)
    bisenet = BiSeNet_TRT(engine_file_path)
    try:
        for i in range(10):
            # create a new thread to do warm_up
            thread1 = warmUpThread(bisenet)
            thread1.start()
            thread1.join()
    finally:
        # destroy the instance
        bisenet.destroy()
    return bisenet



def process_image(handle=None,input_image=None,args=None, **kwargs):

    """Do inference to analysis input_image and get output
    Attributes:
        handle: algorithm handle returned by init()
        input_image (numpy.ndarray): image to be process, format: (h, w, c), BGR
        args: string in JSON format, format: {
            "mask_output_path": "/path/to/output/mask.png"
        }
    Returns: process result
    """

    args =json.loads(args)
    mask_output_path =args['mask_output_path']
    output = handle.infer( input_image)
    cv2.imwrite(mask_output_path, output)
    return json.dumps({'mask': mask_output_path}, indent=4)

if __name__ == '__main__':
    # Test API
    img = cv2.imread('/project/ev_sdk/data/test.png')
    predictor = init()
    res = process_image(predictor, img, "{\"mask_output_path\":\"./out.jpg\"}")
    print(res)
    
结果展示
下图是笔者在极市平台上最终的测试结果,可以看到,在尽可能的速度达标的情况下,提高了算法的精度。

讨论和总结

讨论

  • 测试时,如果最后模型的输出尺寸和原图尺寸不相同时,可以将最后一个 Resize操作嵌入到 onnx模型中,那么最后导出 TensorRT模型时,最后的 Resize操作就可以在 GPU上进行了,从而加快推理速度;
  • 可以尝试其他优秀的实时语义分割算法,例如STDC等;
  • 可以尝试大尺寸训练和推理。

总结

快递爆仓任务相对来说是一个比较简单的任务,但是通过这个任务可以帮助各位尽快的了解平台的基本操作流程和一些训练以及测试技巧。截止到笔者记录时,已有相当一部分同学经过努力摸索和学习,达到了0.9以上的分数。
   
   
     
Reference
[1] https://openaccess.thecvf.com/content/CVPR2021/papers/Fan_Rethinking_BiSeNet_for_Real-Time_Semantic_Segmentation_CVPR_2021_paper.pdf<br>
[2] https://github.com/CoinCheung/BiSeNet<br>
[3] https://github.com/open-mmlab/mmsegmentation<br>
[4] https://github.com/MichaelFan01/STDC-Seg<br>
[5] https://github.com/wang-xinyu/tensorrtx
极市打榜报名链接:
https://www.cvmart.net/topList



公众号后台回复“数据集”获取30+深度学习数据集下载~

△点击卡片关注极市平台,获取 最新CV干货
极市干货
数据集资源汇总: 10个开源工业检测数据集汇总 21个深度学习开源数据集分类汇总
算法trick 目标检测比赛中的tricks集锦 从39个kaggle竞赛中总结出来的图像分割的Tips和Tricks
技术综述: 一文弄懂各种loss function 工业图像异常检测最新研究总结(2019-2020)


CV技术社群邀请函 #

△长按添加极市小助手
添加极市小助手微信(ID : cvmart4)

备注:姓名-学校/公司-研究方向-城市(如:小极-北大-目标检测-深圳)


即可申请加入极市目标检测/图像分割/工业检测/人脸/医学影像/3D/SLAM/自动驾驶/超分辨率/姿态估计/ReID/GAN/图像增强/OCR/视频理解等技术交流群


每月大咖直播分享、真实项目需求对接、求职内推、算法竞赛、干货资讯汇总、与 10000+来自港科大、北大、清华、中科院、CMU、腾讯、百度等名校名企视觉开发者互动交流~


觉得有用麻烦给个在看啦~   
登录查看更多
4

相关内容

数据集,又称为资料集、数据集合或资料集合,是一种由数据所组成的集合。
Data set(或dataset)是一个数据的集合,通常以表格形式出现。每一列代表一个特定变量。每一行都对应于某一成员的数据集的问题。它列出的价值观为每一个变量,如身高和体重的一个物体或价值的随机数。每个数值被称为数据资料。对应于行数,该数据集的数据可能包括一个或多个成员。
【ICLR2022】序列生成的目标侧数据增强
专知会员服务
22+阅读 · 2022年2月14日
专知会员服务
22+阅读 · 2021年10月6日
专知会员服务
17+阅读 · 2021年4月24日
计算机视觉最佳实践、代码示例和相关文档
专知会员服务
17+阅读 · 2019年10月9日
烟雾识别冠军方案分享|极市打榜
极市平台
0+阅读 · 2022年4月11日
短袖短裤识别算法冠军方案总结 | 极市打榜
极市平台
3+阅读 · 2022年3月15日
国家自然科学基金
0+阅读 · 2015年12月31日
国家自然科学基金
1+阅读 · 2013年12月31日
国家自然科学基金
0+阅读 · 2013年12月31日
国家自然科学基金
0+阅读 · 2013年12月31日
国家自然科学基金
2+阅读 · 2012年12月31日
国家自然科学基金
2+阅读 · 2010年12月31日
国家自然科学基金
0+阅读 · 2009年12月31日
国家自然科学基金
0+阅读 · 2009年12月31日
国家自然科学基金
0+阅读 · 2009年12月31日
国家自然科学基金
0+阅读 · 2008年12月31日
Arxiv
0+阅读 · 2022年4月20日
Arxiv
0+阅读 · 2022年4月19日
Arxiv
0+阅读 · 2022年4月15日
Arxiv
0+阅读 · 2022年4月15日
Arxiv
17+阅读 · 2021年3月29日
VIP会员
相关基金
国家自然科学基金
0+阅读 · 2015年12月31日
国家自然科学基金
1+阅读 · 2013年12月31日
国家自然科学基金
0+阅读 · 2013年12月31日
国家自然科学基金
0+阅读 · 2013年12月31日
国家自然科学基金
2+阅读 · 2012年12月31日
国家自然科学基金
2+阅读 · 2010年12月31日
国家自然科学基金
0+阅读 · 2009年12月31日
国家自然科学基金
0+阅读 · 2009年12月31日
国家自然科学基金
0+阅读 · 2009年12月31日
国家自然科学基金
0+阅读 · 2008年12月31日
Top
微信扫码咨询专知VIP会员