GithubHelp home page GithubHelp logo

jizhishutong / yolou Goto Github PK

View Code? Open in Web Editor NEW
738.0 15.0 123.0 327.86 MB

YOLOv3、YOLOv4、YOLOv5、YOLOv5-Lite、YOLOv6-v1、YOLOv6-v2、YOLOv7、YOLOX、YOLOX-Lite、PP-YOLOE、PP-PicoDet-Plus、YOLO-Fastest v2、FastestDet、YOLOv5-SPD、TensorRT、NCNN、Tengine、OpenVINO

License: GNU General Public License v3.0

Shell 0.01% Python 3.41% Jupyter Notebook 96.58% Cython 0.01%
yolo ncnn openvino tensorrt tengine yolov5 yolov6 yoloe

yolou's People

Contributors

jizhishutong avatar mandylove1993 avatar shituo123456 avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

yolou's Issues

yolov7训练错误

使用yolov7训练数据时,出现了下列错误:
RuntimeError: result type Float can't be cast to the desired output type __int64
目前在网上还没有找到yolov7相关解决方案,我的运行环境是pytorch==1.12,cuda==11.3,python==3.7

Repvgg convert in export

Hi jizhishutong, I check the export onnx model of yolov6 and find that some rep module is not reparameterized. Wanna know how to reparameterize when exporting, thanks!
截屏2022-08-11 10 57 42

关于val_det.py推理时参数不匹配

当我尝试运行val_det.py时,提示forward()出现了未知的参数val,然后查看代码
image.png

但是去models/common.py中查看DetectMultiBackend()却发现forward()中并没有val这个参数
image.png

所以这应该是个小bug或者是没有及时更新的地方,无论是在common.py的forward()中添加一个val参数或者是去掉推理时的val=True都可以解决这个问题.

yolov7训练出错

命令:python train.py --mode yolov7 --use_aux True --data garbage.yaml --cfg yolov7.yaml --weights weights/yolov7/yolov7.pt --batch-size 8
出现错误
**Logging results to runs/train/exp14
Starting training for 100 epochs...

 Epoch   gpu_mem       box       obj       cls    labels  img_size

0%| | 0/5 [00:01<?, ?it/s]
Traceback (most recent call last):
File "train.py", line 772, in
main(opt)
File "train.py", line 670, in main
train(opt.hyp, opt, device, callbacks)
File "train.py", line 448, in train
loss, loss_items = compute_loss(pred, targets.to(device), imgs) # init loss class
File "YOLOU/utils/loss.py", line 992, in call
bs_aux, as_aux_, gjs_aux, gis_aux, targets_aux, anchors_aux = self.build_targets2(p[:self.nl], targets, imgs)
File "YOLOU/utils/loss.py", line 1202, in build_targets2
indices, anch = self.find_5_positive(p, targets)
File "YOLOU/utils/loss.py", line 1388, in find_5_positive
indices.append((b, a, gj.clamp_(0, gain[3] - 1), gi.clamp_(0, gain[2] - 1))) # image, anchor, grid indices
RuntimeError: result type Float can't be cast to the desired output type long int
**

yolov7 推理精度异常

yolov7 推理的时候,同样的模型同样的图片,与官方的推理代码的结果相差很远。一个是0.5 官方有0.91
image
image

似乎没有关闭马赛克增强

if mode == 'yolox':
if epoch == epochs - no_aug_epochs:
LOGGER.info("--->No mosaic aug now!")
dataset.mosaic = False # close mosaic
LOGGER.info("--->Add additional L1 loss now!")

我自己单步调试的时候发现, dataset.mosaic 在运行过程中还是True

MIT License

Can I use your source for commercial purposes?

some issus!

File "/home/pc/dawn_work_space/yolou/YOLOU/models/yolox.py", line 210, in get_output_and_grid
reg_box[..., :2] = (reg_box[..., :2] + grid) * stride
RuntimeError: Expected all tensors to be on the same device, but found at least two devices, cuda:1 and cuda:0!

yolov6 and yolox

When will other pretrained models for yolox and other yaml profiles for yolov6 be released

pretrained weight

How can I get a pretrained weight about YOLOX, will train the model from the beginning?Thank you!

yolov5 -seg

感谢博主的开源,我想使用yolov5-seg进行实例分割 请问数据格式是什么样的?

yolov6s.pt这个文件不能加载,提示出错啊

export: weights=['./weights/yolov6s.pt'], imgsz=[640, 640], batch_size=1, device=cpu, half=False, inplace=False, train=False, optimize=False, dynamic=True, simplify=True, opset=12, include=['onnx']
YOLOv5 2022-8-25 Python-3.10.5 torch-1.12.0+cpu CPU

Traceback (most recent call last):
File "E:\Code\YOLOU-main\export.py", line 209, in
main(opt)
File "E:\Code\YOLOU-main\export.py", line 204, in main
run(**vars(opt))
File "E:\Code\pythonCode\changeable_region_detection-main\venv\lib\site-packages\torch\autograd\grad_mode.py", line 27, in decorate_context
return func(*args, **kwargs)
File "E:\Code\YOLOU-main\export.py", line 133, in run
model = attempt_load(weights, device=device, inplace=True, fuse=True) # load FP32 model
File "E:\Code\YOLOU-main\models\experimental.py", line 228, in attempt_load
ckpt = torch.load(attempt_download(w), map_location='cpu') # load
File "E:\Code\pythonCode\changeable_region_detection-main\venv\lib\site-packages\torch\serialization.py", line 712, in load
return _load(opened_zipfile, map_location, pickle_module, **pickle_load_args)
File "E:\Code\pythonCode\changeable_region_detection-main\venv\lib\site-packages\torch\serialization.py", line 1049, in _load
result = unpickler.load()
File "E:\Code\pythonCode\changeable_region_detection-main\venv\lib\site-packages\torch\serialization.py", line 1042, in find_class
return super().find_class(mod_name, name)

ModuleNotFoundError: No module named 'yolov6'

进程已结束,退出代码1

使用opencv部署yolov3,v4,v5,v6, v7, yolox和nanodet目标检测全集,包含C++和Python两种版本的程序

Inference with onnx

Hi jizhishutong, do you have a script to do inference with onnx, just to check if the model works normally. Thanks.

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.