交互式标注软件,暂定名 iann

Related tags

Deep Learningiann
Overview

iann

交互式标注软件,暂定名iann。

安装

按照官网介绍安装paddle。 安装其他依赖

pip install -r requirements.txt

运行

git clone https://github.com/PaddleCV-SIG/iann/
cd iann
python iann/__main__.py

TODO

  • 整理创建网络/推理部分代码,简化main分支下代码
  • 不同标签允许不同模型
  • APPNAME全局变量
  • 训练代码整理和训练配置的抽出(初步实现)
  • 重新审查修改按键图标,确保图标完整清晰
  • 界面配色以paddle蓝色为主,同时做一个ico窗口图标
  • 标签可修改?

include iann/weight/sky_resnet/* include iann/weight/aorta/* include iann/weight/human_resnet/*

Comments
  • fix(add bbox) : the output does not give correct bbox info

    fix(add bbox) : the output does not give correct bbox info

    1. the output for coco dataset type does not generate correct output info

    before (note bbox is [0, 0, 0, 0]): before fix

    fixed: fix

    1. also generates correct bbox annotation QGraphic widget which is bettern than default "boundingRect":

    add bbox

    opened by yiakwy 10
  • 模型输入point的组织形式

    模型输入point的组织形式

    请问作者,对于模型前向传播时,输入的point参数的各个维度代表的含义可以稍微解释下吗?

    比如,我点了一个点,输入的point的形状是:(2, 2, 3) , 我现在知道了 最后一个维度中包含的是 (y, x, index), 也知道 第二个维度的值是 正样本点的数量的2倍,但是我没看懂为啥第二个维度的值要是2,另外一部分存的是啥啊?(看结果,y值没变,x值变化) 第一维,嘿嘿也没看懂? 为啥是2,这里的含义是什么呢?

    感谢您的精彩工作!

    solved 
    opened by zhijiejia 9
  • release/0.4.0 当前存在的部分BUG

    release/0.4.0 当前存在的部分BUG

    [SELF]

    • [x] 切换模型参数后,必须切换图像才能换过来
    • [x] 多边形有孔洞可能越界
    • [x] 偶见打开后界面混乱,同时加载最近模型也错乱(目前猜测是调试崩溃后打乱了setting的保存)
    • [x] #67
    • [x] #66
    • [x] 单独打开多张图片,快捷键S和F切换的第一次有问题
    • [x] 宫格完成后mask和polygon有偏移
    • [x] 宫格模式下某些shp保存无法在arcgis中显示(投影问题需要解决)
    • [x] 宫格模式多标签问题(全部导出为一个标签了)
    • [ ] #70
    • [ ] #68
    • [x] 增加显示图像的地理信息
    • [x] 打开图像报错(存在.xxx.jpg类似格式的文件)
    • [x] GPU/TensorRT加载问题(框架版本问题)
    • [x] 保留最大联通块推理,生成的多边形仍包含所有块
    • [x] 多次关闭和选择图像后,地理信息被清除
    • [x] #71
    • [x] 导出shp多边形未闭合
    • [x] 导出tif波段数不对(为原始图像波段数)
    • [x] 【讨论】导出图像名的大小写与原始图像名不一致(Linux大小写敏感会不会在训练时匹配不上文件 @linhandev)
    • [x] jpg等医疗图像调整窗宽等闪退
    • [x] 【完善】英语翻译支持
    • [x] 【完善】pip打包
    • [ ] 【完善】exe打包
    • [x] 【完善】md文档

    [QA]

    • [x] #74
    • [x] #75
    • [x] #76
    • [x] #77
    • [x] #78
    • [x] #79
    • [x] #80
    • [x] #81
    bug solved 
    opened by geoyee 6
  • 直接打开图像报错

    直接打开图像报错

    直接打开一张没有标签的图像报错:

      File "e:\PdCVSIG\github\EISeg\eiseg\app.py", line 1092, in loadLabel
        imgId = self.coco.imgNameToId.get(osp.basename(imgPath), None)
    AttributeError: 'NoneType' object has no attribute 'imgNameToId'
    
    bug 
    opened by geoyee 6
  • 服务器Linux下无法选择文件夹

    服务器Linux下无法选择文件夹

    点加载网络参数的时候,会弹出一个窗口让我选择模型参数,但是我点哪个文件夹都没反应,这个是出窗口的时候的信息。 image目前看起来可能是QT的问题,有下列参考:

    bug good first issue solved 
    opened by geoyee 5
  • 加载模型后闪退

    加载模型后闪退

    D:\anaconda3\lib\site-packages\win32\lib\pywintypes.py:2: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses import imp, sys, os qt.qpa.fonts: Unable to enumerate family ' "Droid Sans Mono Dotted for Powerline" ' qt.qpa.fonts: Unable to enumerate family ' "Droid Sans Mono Slashed for Powerline" ' qt.qpa.fonts: Unable to enumerate family ' "Roboto Mono Medium for Powerline" ' qt.qpa.fonts: Unable to enumerate family ' "Ubuntu Mono derivative Powerline" ' OMP: Error #15: Initializing libiomp5md.dll, but found libiomp5md.dll already initialized. OMP: Hint This means that multiple copies of the OpenMP runtime have been linked into the program. That is dangerous, since it can degrade performance or cause incorrect results. The best thing to do is to ensure that only a single OpenMP runtime is linked into the process, e.g. by avoiding static linking of the OpenMP runtime in any library. As an unsafe, unsupported, undocumented workaround you can set the environment variable KMP_DUPLICATE_LIB_OK=TRUE to allow the program to continue to execute, but that may cause crashes or silently produce incorrect results. For more information, please see http://www.intel.com/software/products/support/. QObject::~QObject: Timers cannot be stopped from another thread

    bug 
    opened by YQisme 4
  • Add sliding bar to adjust window width and window center

    Add sliding bar to adjust window width and window center

    Add sliding bar to adjust window width and window center.When reading medical images, the window width and window center are adaptive according to the modes

    opened by richarddddd198 3
  • Train module problem: ritm_train.py import error.

    Train module problem: ritm_train.py import error.

    THX for sharing! Import error was found in ritm_train.py from model.model import ( get_hrnet_model, DistMapsHRNetModel, get_deeplab_model, get_shufflenet_model, ) these modules were not exist in model.py, even in this project. so where can i find these modules, please?

    opened by mengmeng716 3
  • plugin\remotesensing\raster.py  line123 遥感图像显示为黑色

    plugin\remotesensing\raster.py line123 遥感图像显示为黑色

    bug描述 请大致描述出错的现象,在什么情况下或操作过程中遇到,在上述条件下是否总是出现等。 float32型tif(0~1)会将数据全部替换为0,显示图像为黑色。

    解决方法 rgb.append(np.uint16(self.src_data.read(b))) --> rgb.append(self.src_data.read(b))

    bug solved 
    opened by yangweiguang213 2
  • 宫格功能时,AttributeError: 'NoneType' object has no attribute 'getGrid'报错。

    宫格功能时,AttributeError: 'NoneType' object has no attribute 'getGrid'报错。

    bug描述 在使用宫格功能时,在点击”保存每个宫格的标签“后,自动弹出文件夹,点击相应文件夹(有要求吗?)后,再次点击下一个要标注的宫格时,程序自动退出。且出现如下报错: AttributeError: 'NoneType' object has no attribute 'getGrid'

    截屏 image

    运行环境(请尽量填写,这可以帮助我们定位问题):

    • 系统: Windows
    • 安装方式:pip
    • 软件版本:2.3(最新)
    bug 
    opened by Yanghanwa 0
  • 启动时protobuf 报错

    启动时protobuf 报错

    bug描述 启动时protobuf 报错, 是否考虑升级protobuf 或者在pip包中指定protobuf版本

    截屏

    # eiseg                                                                                                                                                                                                                                   
    Traceback (most recent call last):
      File "/Users/tachao/miniconda3/bin/eiseg", line 5, in <module>
        from eiseg.run import main
      File "/Users/tachao/miniconda3/lib/python3.9/site-packages/eiseg/run.py", line 25, in <module>
        from app import APP_EISeg  # 导入带槽的界面
      File "/Users/tachao/miniconda3/lib/python3.9/site-packages/eiseg/app.py", line 34, in <module>
        from controller import InteractiveController
      File "/Users/tachao/miniconda3/lib/python3.9/site-packages/eiseg/controller.py", line 23, in <module>
        import paddle
      File "/Users/tachao/miniconda3/lib/python3.9/site-packages/paddle/__init__.py", line 25, in <module>
        from .framework import monkey_patch_variable
      File "/Users/tachao/miniconda3/lib/python3.9/site-packages/paddle/framework/__init__.py", line 17, in <module>
        from . import random  # noqa: F401
      File "/Users/tachao/miniconda3/lib/python3.9/site-packages/paddle/framework/random.py", line 16, in <module>
        import paddle.fluid as fluid
      File "/Users/tachao/miniconda3/lib/python3.9/site-packages/paddle/fluid/__init__.py", line 36, in <module>
        from . import framework
      File "/Users/tachao/miniconda3/lib/python3.9/site-packages/paddle/fluid/framework.py", line 35, in <module>
        from .proto import framework_pb2
      File "/Users/tachao/miniconda3/lib/python3.9/site-packages/paddle/fluid/proto/framework_pb2.py", line 33, in <module>
        _descriptor.EnumValueDescriptor(
      File "/Users/tachao/miniconda3/lib/python3.9/site-packages/google/protobuf/descriptor.py", line 755, in __new__
        _message.Message._CheckCalledFromGeneratedFile()
    TypeError: Descriptors cannot not be created directly.
    If this call came from a _pb2.py file, your generated code is out of date and must be regenerated with protoc >= 3.19.0.
    If you cannot immediately regenerate your protos, some other possible workarounds are:
     1. Downgrade the protobuf package to 3.20.x or lower.
     2. Set PROTOCOL_BUFFERS_PYTHON_IMPLEMENTATION=python (but this will use pure-Python parsing and will be much slower).
    
    More information: https://developers.google.com/protocol-buffers/docs/news/2022-05-06#python-updates
    
    

    运行环境(请尽量填写,这可以帮助我们定位问题):

    • 系统: [Mac os/Linux]
    • 安装方式:[pip]
    • 软件版本:[0.5.0]
    bug 
    opened by TaChao 1
  • Hope to add the function of converting json format labels to coco format labels in one click

    Hope to add the function of converting json format labels to coco format labels in one click

    Currently, if we have labeled a batch of images in JSON format, we can only re-label the image if we want to save the label to coco format. This is not very convenient for users, i hope the official can add this function, or can also release the script to achieve such a function. I saw that this software script only semantic tags into instance tags, so few scripts seem to be inconsistent with such a powerful software.

    opened by Leon-Brant 0
Releases(v1.0.5)
A PyTorch implementation of the Relational Graph Convolutional Network (RGCN).

Torch-RGCN Torch-RGCN is a PyTorch implementation of the RGCN, originally proposed by Schlichtkrull et al. in Modeling Relational Data with Graph Conv

Thiviyan Singam 66 Nov 30, 2022
Official Implementation of 'UPDeT: Universal Multi-agent Reinforcement Learning via Policy Decoupling with Transformers' ICLR 2021(spotlight)

UPDeT Official Implementation of UPDeT: Universal Multi-agent Reinforcement Learning via Policy Decoupling with Transformers (ICLR 2021 spotlight) The

hhhusiyi 96 Dec 22, 2022
A Pythonic library for Nvidia Codec.

A Pythonic library for Nvidia Codec. The project is still in active development; expect breaking changes. Why another Python library for Nvidia Codec?

Zesen Qian 12 Dec 27, 2022
Synthetic Humans for Action Recognition, IJCV 2021

SURREACT: Synthetic Humans for Action Recognition from Unseen Viewpoints Gül Varol, Ivan Laptev and Cordelia Schmid, Andrew Zisserman, Synthetic Human

Gul Varol 59 Dec 14, 2022
Official Code Release for "CLIP-Adapter: Better Vision-Language Models with Feature Adapters"

Official Code Release for "CLIP-Adapter: Better Vision-Language Models with Feature Adapters" Pipeline of CLIP-Adapter CLIP-Adapter is a drop-in modul

peng gao 157 Dec 26, 2022
Code for the paper "Multi-task problems are not multi-objective"

Multi-Task problems are not multi-objective This is the code for the paper "Multi-Task problems are not multi-objective" in which we show that the com

Michael Ruchte 5 Aug 19, 2022
PyTorch implementation for our paper "Deep Facial Synthesis: A New Challenge"

FSGAN Here is the official PyTorch implementation for our paper "Deep Facial Synthesis: A New Challenge". This project achieve the translation between

Deng-Ping Fan 32 Oct 10, 2022
Code for Paper "Evidential Softmax for Sparse MultimodalDistributions in Deep Generative Models"

Evidential Softmax for Sparse Multimodal Distributions in Deep Generative Models Abstract Many applications of generative models rely on the marginali

Stanford Intelligent Systems Laboratory 9 Jun 06, 2022
Qimera: Data-free Quantization with Synthetic Boundary Supporting Samples

Qimera: Data-free Quantization with Synthetic Boundary Supporting Samples This repository is the official implementation of paper [Qimera: Data-free Q

Kanghyun Choi 21 Nov 03, 2022
Help you understand Manual and w/ Clutch point while driving.

简体中文 forza_auto_gear forza_auto_gear is a tool for Forza Horizon 5. It will help us understand the best gear shift point using Manual or w/ Clutch in

15 Oct 08, 2022
A developer interface for creating Chat AIs for the Chai app.

ChaiPy A developer interface for creating Chat AIs for the Chai app. Usage Local development A quick start guide is available here, with a minimal exa

Chai 28 Dec 28, 2022
Model-free Vehicle Tracking and State Estimation in Point Cloud Sequences

Model-free Vehicle Tracking and State Estimation in Point Cloud Sequences 1. Introduction This project is for paper Model-free Vehicle Tracking and St

TuSimple 92 Jan 03, 2023
DeepLab resnet v2 model in pytorch

pytorch-deeplab-resnet DeepLab resnet v2 model implementation in pytorch. The architecture of deepLab-ResNet has been replicated exactly as it is from

Isht Dwivedi 601 Dec 22, 2022
U-Time: A Fully Convolutional Network for Time Series Segmentation

U-Time & U-Sleep Official implementation of The U-Time [1] model for general-purpose time-series segmentation. The U-Sleep [2] model for resilient hig

Mathias Perslev 176 Dec 19, 2022
Code for CVPR 2021 paper: Anchor-Free Person Search

Introduction This is the implementationn for Anchor-Free Person Search in CVPR2021 License This project is released under the Apache 2.0 license. Inst

158 Jan 04, 2023
Reproduces ResNet-V3 with pytorch

ResNeXt.pytorch Reproduces ResNet-V3 (Aggregated Residual Transformations for Deep Neural Networks) with pytorch. Tried on pytorch 1.6 Trains on Cifar

Pau Rodriguez 481 Dec 23, 2022
Unofficial PyTorch code for BasicVSR

Dependencies and Installation The code is based on BasicSR, Please install the BasicSR framework first. Pytorch=1.51 Training cd ./code CUDA_VISIBLE_

Long 59 Dec 06, 2022
Segmentation for medical image.

EfficientSegmentation Introduction EfficientSegmentation is an open source, PyTorch-based segmentation framework for 3D medical image. Features A whol

68 Nov 28, 2022
Pytorch implementation of the paper "Optimization as a Model for Few-Shot Learning"

Optimization as a Model for Few-Shot Learning This repo provides a Pytorch implementation for the Optimization as a Model for Few-Shot Learning paper.

Albert Berenguel Centeno 238 Jan 04, 2023
Python3 Implementation of (Subspace Constrained) Mean Shift Algorithm in Euclidean and Directional Product Spaces

(Subspace Constrained) Mean Shift Algorithms in Euclidean and/or Directional Product Spaces This repository contains Python3 code for the mean shift a

Yikun Zhang 0 Oct 19, 2021