自定义博客皮肤VIP专享

*博客头图:

格式为PNG、JPG,宽度*高度大于1920*100像素,不超过2MB,主视觉建议放在右侧,请参照线上博客头图

请上传大于1920*100像素的图片!

博客底图:

图片格式为PNG、JPG,不超过1MB,可上下左右平铺至整个背景

栏目图:

图片格式为PNG、JPG,图片宽度*高度为300*38像素,不超过0.5MB

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(10)
  • 资源 (73)
  • 收藏
  • 关注

原创 【人脸检测】 Tinaface复现(数据集准备、测试与评估)

参考TinaFace: Strong but Simple Baseline for Face Detectionhttps://github.com/Media-Smart/vedadet0.环境ubuntu16.04python3.6torch==1.1.0cd vedadetpython setup.py develop1.准备1.1 准备模型https://drive.google.com/u/0/uc?id=1zU738coEVDBkLBUa4hv.

2020-12-03 12:54:36 2418 31

原创 Opencv4+python写图像为视频

写这篇的原因,是发现cv2.VideoWriter_fourcc(*'XVID')设置很多比如*'mpeg',('M','J','P','G')等,都不能成功写入或者是无法打开视频并正常播放。所以整理一下。代码主要参考文末两个链接,感谢前人分享。0.环境windows/ubuntupython3.6opencv-python==4.1.0.251.实现# -*- coding: UTF-8 -*-'''@author: mengting gu@contact: 1065504

2020-12-29 14:56:51 1657 3

原创 【人脸属性】age-gender-estimation复现

参考:https://github.com/yu4u/age-gender-estimation0.环境ubuntu16.04python3.6cuda9.0tensorflow==1.12.0absl-py==0.11.0albumentations==0.5.2antlr4-python3-runtime==4.8astor==0.8.1cached-property==1.5.2cmake==3.18.4.post1cycler==0.10.0dataclasse

2020-12-11 18:07:54 664 1

原创 【tensorflow-v2】tensorflow-v2版本对应的gpu简洁设置总结

参考:https://blog.csdn.net/heiheiya/article/details/102776353发现tensorflow v2版本对应的gpu设置变化较大。这里记一下比价简洁的使用。1.最小量增长使用GPU1.1 单个gpuimport tensorflow as tfgpus = tf.config.experimental.list_physical_devices(device_type='GPU')tf.config.experimental.set_

2020-12-11 17:52:34 351

原创 【人脸属性】SSR-Net复现步骤

参考:https://github.com/shamangary/SSR-Net0.环境ubuntu16.04cuda9.0keras==2.2.4pandasscipytensorflow-gpu==1.12.0scikit-learnmatplotlibmoviepyopencv-python==4.1.0.25pydot-ng graphvizpydot==1.2.3apt-get install graphviz1.数据准备直接下载对应的.

2020-12-11 13:53:04 673 4

原创 【人脸属性】Age-Gender-Estimate-TF复现步骤

https://github.com/BoyuanJiang/Age-Gender-Estimate-TF0.环境ubuntu16.04python3.6tensorflow==1.10.0dlib==19.8.1opencv-python==4.1.0.25matplotlib==3.3.1imutils==0.4.3numpy==1.19.2pandas==1.1.2

2020-12-11 11:11:13 356 2

原创 【Docker】ubuntu中docker安装mysql

根据下面两个博客与自己的实践进行了总结:https://askubuntu.com/questions/762339/mysql-server-installation-stuck-on-root-passwordhttps://blog.csdn.net/y353027520dx/article/details/776214681.环境ubuntu16.04python3.62.我的安装步骤记录FROM nvidia/cuda:9.0-cudnn7-deve...

2020-12-09 14:11:27 703

原创 【人脸检测】Tencent之FaceDetection-DSFD测试与评估复现

参考https://paperswithcode.com/paper/dsfd-dual-shot-face-detectorhttps://github.com/Tencent/FaceDetection-DSFD0.环境

2020-12-01 13:57:23 1324 8

原创 【python】TypeError: (‘Keyword argument not understood:‘, ‘interpolation‘)

0.环境windowsscikit-learn==0.23.21.错误TypeError: ('Keyword argument not understood:', 'interpolation')2.解决版本降级pip install scikit-learn==0.22.2

2020-12-01 10:26:34 2679

原创 【人脸检测】SRN测试与评估复现

1.修改cd SRN/srn/extensions/vim _nms/build.pyfrom torch.utils.ffi import create_extensionto:from torch.utils.cpp_extension import BuildExtensionffi = create_extension( '_ext.nms', headers=headers, sources=sources, define_macros=d...

2020-12-01 10:24:45 523

GTAD_best.pth.tar

https://github.com/frostinassiky/gtad ,自训练模型。

2022-02-17

DarkLabel2.4.zip

https://github.com/darkpgmr/DarkLabel

2021-12-27

bytetrack_x_mot17.pth.tar

https://github.com/ifzhang/ByteTrack,https://drive.google.com/file/d/1P4mY0Yyd3PPTybgZkjMYhFri88nTmJX5/view?usp=sharing。侵权联系我删除。

2021-12-03

ckpt-person-reid-pytorch-deep-sort_20211201.rar

ckpt-person-reid-pytorch-deep-sort_20211201.rar

2021-12-01

yolov5-develop.zip

https://github.com/ultralytics/yolov5

2021-06-03

ffmpeg-N-102519-gdcb285d2b7-win64-gpl.zip

https://github.com/BtbN/FFmpeg-Builds/releases/download/autobuild-2021-05-12-12-49/ffmpeg-N-102519-gdcb285d2b7-win64-gpl.zip

2021-05-13

torchvision-0.8.2+cu110-cp36-cp36m-linux_x86_64.whl

torchvision-0.8.2+cu110-cp36-cp36m-linux_x86_64.whl

2021-04-26

nv-tensorrt-repo-ubuntu1604-cuda10.0-trt7.0.0.11-ga-20191216_1-1_amd64.deb

nv-tensorrt-repo-ubuntu1604-cuda10.0-trt7.0.0.11-ga-20191216_1-1_amd64.deb

2021-04-13

nv-tensorrt-repo-ubuntu1604-cuda10.1-trt6.0.1.5-ga-20190913_1-1_amd64.deb

nv-tensorrt-repo-ubuntu1604-cuda10.1-trt6.0.1.5-ga-20190913_1-1_amd64.deb

2021-04-13

torch-1.6.0+cu101-cp36-cp36m-linux_x86_64.whl

https://download.pytorch.org/whl/torch_stable.html。

2021-03-17

osnet_ain_x1_0_msmt17_256x128_amsgrad

osnet_ain_x1_0_msmt17_256x128_amsgrad

2021-03-11

fast_dcn_res50_256x192.pth

来自https://github.com/MVIG-SJTU/AlphaPose/blob/master/configs/coco/resnet/256x192_res50_lr1e-3_2x-dcn.yaml。

2021-03-11

widerface_eval.zip

忘记是来自哪里了,应该是官方的吧,需要的可以下载。widerface评估的。

2021-01-14

fast-reid-master-20210111.zip

fast-reid-master-20210111.zip,https://github.com/JDAI-CV/fast-reid

2021-01-13

resnext-101-64f-kinetics-ucf101_split1.pth

https://github.com/kenshohara/3D-ResNets-PyTorch中的预训练模型,https://drive.google.com/drive/folders/1zvl89AgFAApbH0At-gMuZSeQB_LpNP-M

2021-01-05

resnext-101-64f-kinetics.pth

https://github.com/kenshohara/3D-ResNets-PyTorch中的预训练模型,https://drive.google.com/drive/folders/1zvl89AgFAApbH0At-gMuZSeQB_LpNP-M

2021-01-05

efficientnet-b3_weights_tf_dim_ordering_tf_kernels_autoaugment.h5

keras efficientnet的预训练模型。来自:https://github.com/Callidior/keras-applications/releases/

2020-12-04

efficientnet-b3_weights_tf_dim_ordering_tf_kernels_autoaugment_notop.h5

keras efficientnet的预训练模型。来自:https://github.com/Callidior/keras-applications/releases/

2020-12-04

EfficientNetB3_224_weights.11-3.44.hdf5

来自:https://github.com/yu4u/age-gender-estimation#changing-model-or-the-other-training-parameters

2020-12-04

torch-1.6.0+cu92-cp36-cp36m-linux_x86_64.whl

https://download.pytorch.org/whl/torch_stable.html,torch-1.6.0+cu92-cp36-cp36m-linux_x86_64.whl

2020-12-01

SRN训练后的模型SRN.pth

SRN训练后的模型SRN.pth,来自https://github.com/ChiCheng123/SRN。

2020-11-30

cuda90-torch-0.3.1-cp36-cp36m-linux_x86_64.whl

https://download.pytorch.org/whl/cu90/torch_stable.html,cuda90-torch-0.3.1-cp36-cp36m-linux_x86_64.whl

2020-11-30

cuda90-torch-0.4.1-cp36-cp36m-linux_x86_64.whl

https://download.pytorch.org/whl/cu90/torch_stable.html,cuda90-torch-0.4.1-cp36-cp36m-linux_x86_64.whl

2020-11-30

torch-0.4.1-cp36-cp36m-linux_x86_64.whl

cu92version ---- torch-0.4.1-cp36-cp36m-linux_x86_64.whl

2020-11-30

Resnet50_Final.pth

biubug6/Pytorch_Retinaface:https://github.com/biubug6/Pytorch_Retinaface。这里用到的预训练模型Resnet50_Final.pth。

2020-11-30

mxnet_cu90-1.2.0-py2.py3-none-manylinux1_x86_64.whl

mxnet_cu90-1.2.0-py2.py3-none-manylinux1_x86_64.whl

2020-11-30

scipy-1.2.0-cp36-cp36m-manylinux1_x86_64.whl

scipy-1.2.0-cp36-cp36m-manylinux1_x86_64.whl,ubuntu16.04+python3.6

2020-11-30

WIDERFace_DSFD_RES152.pth

WIDERFace_DSFD_RES152.pth,来源于:https://github.com/Tencent/FaceDetection-DSFD

2020-11-30

dlib-models-master.zip

下载自,https://github.com/davisking/dlib-models。包含dlib的人脸检测、关键点、对齐与识别。

2020-11-20

Dlibface.zip

Dlibface.zip。Dlib试用后的代码,需要的可以自行下载。含人脸检测两种、人脸关键点检测两种、人脸对齐与人脸识别。

2020-11-20

tensorflow_cpu-1.15.0-cp36-cp36m-manylinux2010_x86_64.whl

tensorflow_cpu-1.15.0-cp36-cp36m-manylinux2010_x86_64.whl。linux、CPU版本。

2020-11-12

FairMOT-master.zip

FairMOT-master.zip,6月16号版本。下载自:https://github.com/ifzhang/FairMOT/tree/master/。

2020-11-05

mobilenetV1X0.25_pretrain.tar

https://github.com/biubug6/Pytorch_Retinaface里面使用的mobilenet预训练模型。

2020-10-30

mobilenet0.25_Final.pth

biubug6/Pytorch_Retinaface:https://github.com/biubug6/Pytorch_Retinaface。这里用到的预训练模型mobilenet0.25_Final.pth。

2020-10-30

resnet34_ibn_a-94bc1577.pth

resnet34_ibn_a-94bc1577.pth,下载自:https://github.com/XingangPan/IBN-Net/releases/download/v1.0/resnet34_ibn_a-94bc1577.pth。fast-reid中使用是这个预训练模型。

2020-10-27

EN-B5_dds_8gpu.pyth

EN-B5_dds_8gpu.pyth,https://github.com/facebookresearch/pycls/blob/master/MODEL_ZOO.md。

2020-10-10

EN-B4_dds_8gpu.pyth

EN-B4_dds_8gpu.pyth,https://github.com/facebookresearch/pycls/blob/master/MODEL_ZOO.md

2020-10-10

EN-B0_dds_8gpu.pyth

EN-B0_dds_8gpu.pyth,https://github.com/facebookresearch/pycls/blob/master/MODEL_ZOO.md。

2020-10-10

osnet_ibn_x1_0_imagenet.pth

osnet_ibn_x1_0_imagenet.pth,下载自:'osnet_ibn_x1_0': 'https://drive.google.com/uc?id=1sr90V6irlYYDd4_4ISU2iruoRG8J__6l'

2020-09-17

osnet_x0_5_imagenet.pth

osnet_x0_5_imagenet.pth,下载自:'osnet_x0_5': 'https://drive.google.com/uc?id=16DGLbZukvVYgINws8u8deSaOqjybZ83i'

2020-09-17

空空如也

TA创建的收藏夹 TA关注的收藏夹

TA关注的人

提示
确定要删除当前文章?
取消 删除