交互式标注软件,暂定名 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)
Generic image compressor for machine learning. Pytorch code for our paper "Lossy compression for lossless prediction".

Lossy Compression for Lossless Prediction Using: Training: This repostiory contains our implementation of the paper: Lossy Compression for Lossless Pr

Yann Dubois 84 Jan 02, 2023
UT-Sarulab MOS prediction system using SSL models

UTMOS: UTokyo-SaruLab MOS Prediction System Official implementation of "UTMOS: UTokyo-SaruLab System for VoiceMOS Challenge 2022" submitted to INTERSP

sarulab-speech 58 Nov 22, 2022
Numba-accelerated Pythonic implementation of MPDATA with examples in Python, Julia and Matlab

PyMPDATA PyMPDATA is a high-performance Numba-accelerated Pythonic implementation of the MPDATA algorithm of Smolarkiewicz et al. used in geophysical

Atmospheric Cloud Simulation Group @ Jagiellonian University 15 Nov 23, 2022
Offical implementation for "Trash or Treasure? An Interactive Dual-Stream Strategy for Single Image Reflection Separation".

Trash or Treasure? An Interactive Dual-Stream Strategy for Single Image Reflection Separation (NeurIPS 2021) by Qiming Hu, Xiaojie Guo. Dependencies P

Qiming Hu 31 Dec 20, 2022
A Pytorch implementation of CVPR 2021 paper "RSG: A Simple but Effective Module for Learning Imbalanced Datasets"

RSG: A Simple but Effective Module for Learning Imbalanced Datasets (CVPR 2021) A Pytorch implementation of our CVPR 2021 paper "RSG: A Simple but Eff

120 Dec 12, 2022
Data, model training, and evaluation code for "PubTables-1M: Towards a universal dataset and metrics for training and evaluating table extraction models".

PubTables-1M This repository contains training and evaluation code for the paper "PubTables-1M: Towards a universal dataset and metrics for training a

Microsoft 365 Jan 04, 2023
Official code for "Stereo Waterdrop Removal with Row-wise Dilated Attention (IROS2021)"

Stereo-Waterdrop-Removal-with-Row-wise-Dilated-Attention This repository includes official codes for "Stereo Waterdrop Removal with Row-wise Dilated A

29 Oct 01, 2022
TransferNet: Learning Transferrable Knowledge for Semantic Segmentation with Deep Convolutional Neural Network

TransferNet: Learning Transferrable Knowledge for Semantic Segmentation with Deep Convolutional Neural Network Created by Seunghoon Hong, Junhyuk Oh,

42 Jun 29, 2022
ZeroVL - The official implementation of ZeroVL

This repository contains source code necessary to reproduce the results presente

31 Nov 04, 2022
It is a system used to detect bone fractures. using techniques deep learning and image processing

MohammedHussiengadalla-Intelligent-Classification-System-for-Bone-Fractures It is a system used to detect bone fractures. using techniques deep learni

Mohammed Hussien 7 Nov 11, 2022
Ejemplo Algoritmo Viterbi - Example of a Viterbi algorithm applied to a hidden Markov model on DNA sequence

Ejemplo Algoritmo Viterbi Ejemplo de un algoritmo Viterbi aplicado a modelo ocul

Mateo Velásquez Molina 1 Jan 10, 2022
Computations and statistics on manifolds with geometric structures.

Geomstats Code Continuous Integration Code coverage (numpy) Code coverage (autograd, tensorflow, pytorch) Documentation Community NEWS: Geomstats is r

875 Dec 31, 2022
A PyTorch-based open-source framework that provides methods for improving the weakly annotated data and allows researchers to efficiently develop and compare their own methods.

Knodle (Knowledge-supervised Deep Learning Framework) - a new framework for weak supervision with neural networks. It provides a modularization for se

93 Nov 06, 2022
PyTorch implementation of the Transformer in Post-LN (Post-LayerNorm) and Pre-LN (Pre-LayerNorm).

Transformer-PyTorch A PyTorch implementation of the Transformer from the paper Attention is All You Need in both Post-LN (Post-LayerNorm) and Pre-LN (

Jared Wang 22 Feb 27, 2022
BYOL for Audio: Self-Supervised Learning for General-Purpose Audio Representation

BYOL for Audio: Self-Supervised Learning for General-Purpose Audio Representation This is a demo implementation of BYOL for Audio (BYOL-A), a self-sup

NTT Communication Science Laboratories 160 Jan 04, 2023
ImageBART: Bidirectional Context with Multinomial Diffusion for Autoregressive Image Synthesis

ImageBART NeurIPS 2021 Patrick Esser*, Robin Rombach*, Andreas Blattmann*, Björn Ommer * equal contribution arXiv | BibTeX | Poster Requirements A sui

CompVis Heidelberg 110 Jan 01, 2023
An Image compression simulator that uses Source Extractor and Monte Carlo methods to examine the post compressive effects different compression algorithms have.

ImageCompressionSimulation An Image compression simulator that uses Source Extractor and Monte Carlo methods to examine the post compressive effects o

James Park 1 Dec 11, 2021
Code for the paper: Adversarial Machine Learning: Bayesian Perspectives

Code for the paper: Adversarial Machine Learning: Bayesian Perspectives This repository contains code for reproducing the experiments in the ** Advers

Roi Naveiro 2 Nov 11, 2022
Detector for Log4Shell exploitation attempts

log4shell-detector Detector for Log4Shell exploitation attempts Idea The problem with the log4j CVE-2021-44228 exploitation is that the string can be

Florian Roth 729 Dec 25, 2022
Python scripts for performing stereo depth estimation using the MobileStereoNet model in ONNX

ONNX-MobileStereoNet Python scripts for performing stereo depth estimation using the MobileStereoNet model in ONNX Stereo depth estimation on the cone

Ibai Gorordo 23 Nov 29, 2022