Giter VIP home page Giter VIP logo

deeplearn-java's Introduction

deeplearn-java

编号 项目 说明
1action_rec_djl MXNet图片分类人体动作识别 , djl 推理
2anime_gan 使用ONNXRuntime部署人脸动漫化——AnimeGAN
3bert_qa_djl bert 阅读理解(输入段落和问题,给出答案) ,djl 推理
4big_gan_djl BigGAN 图片生成,按照类别批量生成图片, djl 推理
5bise_net 使用BiSeNet做人脸面部解析
6chexnet 吴恩达团队检测肺炎模型 - CheXNet
7chinese2english_translation_djl 翻译 中文=>英语 中文分词,再进行翻译, djl 推理
8chinese_error_recovery_macbert4csc 加载macbert模型,中文拼写纠错
9chinese_nlp_roberta 中文填词预测 roberta
10chinese_ocr_lite 最轻量级中文 ocr
11chinese_segment_lightltp_1 中文分词 lightltp 中文词法分析(分词、词性标注)
12chinese_segment_lightltp_2 中文分词 lightltp 中文词法分析(分词、词性标注 => 命名实体识别)
13clip_image_text_compare_djl clip 模型图片文本理解(openai) djl 部署, 文本和图片进行比较,计算图文相关性
14crowd_density_dec_djl 人群密度检测(PaddlePaddle-CrowdNet),人计数,人流密度图 , djl 推理
15dbnet_barcode_det dbnet 检测条形码
16deeplabv3_obj_segmentation_djl deeplabv3 实例分割 , djl 推理
17distilbert_sentiment_analysis DistilBERT 情感分析(英文文本),djl 推理
18e2_pose_detection E2Pose人体关键点检测
19e2_pose_detection_video E2Pose人体关键点检测
20english_segment_ner 英文命名实体识别 HuggingFace-Roberta NER (NLP)
21face_alignment_mesh_pose 人脸检测 + 对齐(密集点的3d重建也就是mesh重建)
22face_det_retina_djl RetinaFace 模型人脸检测(5关键点), djl 推理
23face_det_ultra_light_djl Ultra-Light-Fast 模型人脸检测(5关键点), djl 推理
24face_feature_extraction_djl 人脸特征提取 512 维, 相似度对比, djl 推理
25face_land_mark 人脸关键点检测,也就是人脸对齐
26face_rec_det_insightface_pcn_1 人脸检测( insightface) + 人脸年龄性别检测 + 关键点识别 + 人脸特征提取 + 人脸匹配
27face_rec_det_insightface_pcn_2 人脸检测( pcn) + 人脸年龄性别检测 + 关键点识别 + 人脸特征提取 + 人脸匹配
28face_rec_det_insightface_pcn_3 相似度判断人脸检测 => 关键点检测 => 人脸对齐 => 特征提取 => 相似度计算
29face_rec_det_insightface_pcn_4 人脸特征提取 => elasticsearch 人脸检索
30face_rec_det_sface 人脸检测与识别 sface 人脸检测(yunet) + 人脸编码128维(sface)
31first_order_motion_model_jdl 蚂蚁雅黑特效 first_order_motion_model 使用 jdl 推理
32french2english_translation_djl 翻译 法语=>英语 , djl 推理
33gfp_gan_v1 GFP_GAN_V1 人脸照片修复,增加清晰度
34google_move_net_people_key_point google 的 movenet 人体17关键点检测
35google_move_net_people_key_point_video google 的 movenet 人体17关键点检测
36hand_3d_landmark 手关键点检测 3d 注意模型需要结合手掌检测来完成,这里直接进行关键点检测所以要求直接输入手掌图片
37hand_3d_landmark_camera 手关键点检测 3d (相机检测)
38hand_3d_landmark_video 手关键点检测 3d (视频检测)
39hand_palm_detection 手掌目标检测, 标注首长起区域 + 掌心点 + 掌心上下两个关键点
40id_card_licence 身份证全卡面文字识别
41id_card_rec_det 文本识别 (高精度文本区域检测+文本识别)
42informative_drawings 使用ONNXRuntime部署Informative-Drawings生成素描画
43mask_rcnn_resnet18_v1b_coco_seg_djl maskrcnn 实例分割 , djl 推理
44metaai_sam_test_djl meta-ai sam 对所有对象进行分割 , 使用djl进行推理
45metaai_sam_test_onnx meta-ai sam , 使用抠图点进行分割
46mod_net 实时人像抠图模型 背景实时替换
47mod_net_video 人像抠图 + 视频背景替换
48m_lsd_line_detect M-LSD直线检测
49nanodet_plus_object_dec NanoDet-Plus目标检测
50opencv_selective_search_demo opencv 实现 rcnn 的 SelectiveSearch 算法
51p2p_net_people_count P2PNet 检测人群以及人群计数
52paddlepaddle_mattingv2 百度PaddleSeg发布的实时人像抠图模型PP-MattingV2
53paddle_ocr_djl paddle ocr 字符识别 djl 推理
54picodet_object_dec PicoDet目标检测
55pose_estimation2_djl 人体姿态估计(关键点)resnet18/resnet50模型 djl 推理
56pose_estimation_djl 人体姿态估计(17关键点检测) djl 推理
57pp_animals_classification 动物图片分类 resnet50/mobilenet_v2 ,djl 推理
58pp_coco_object_detection_djl coco数据集 pp开源模型目标检测,djl 推理
59pp_deep_speech2text_long_djl deep sepeech (中英文)端到端语言识别模型,pp开源模型 djl推理
60pp_deep_speech2text_short_djl deep sepeech (中英文)端到端语言识别模型,pp开源模型 djl推理
61pp_dish_classification 炒菜分类 resnet50/mobilenet_v2 ,djl 推理
62pp_human_seg PP-HumanSeg肖像分割
63pp_vehicle_detect_djl 车辆检测 , pp开源模型 , djl 推理
64rapid_asr 语音wav转文字(语音识别+标点插入)Wenet
65rapid_ocr 捷智OCR - 文本区域检测 + 文本方向检测+ 文本识别
66real_esrgan Real-ESRGAN - 图像超分辨率修复
67retinaface_arcface 人脸检测(retinaface) + 人脸识别(arcface)
68robust_video_matting 视频人像抠图
69robust_video_matting_video 视频人像抠图
70safety_helmet_detect_darknet53_djl 安全帽检测 , darknet53 模型 ,djl 推理
71safety_helmet_detect_mobilenet1_djl 安全帽检测 , mobilenet1.0 ,djl 推理
72safety_helmet_detect_mobilenet2_djl 安全帽检测 , mobilenet0.25 ,djl 推理
73stable_diffusion_djl_cpu stable_diffusion AI画图,文生图 djl 推理
74stable_diffusion_djl_gpu stable_diffusion AI画图,文生图 djl 推理
75stable_diffusion_img2img_djl_gpu stable_diffusion AI画图,图生图 djl 推理
76stable_diffusion_onnx stable_diffusion AI画图,支持图生图、文生图
77style_gan_cartoon 使用 style-gan 将人脸头像转为卡通风格
78style_transfer_djl 动画风格迁移 djl 部署
79super_resolution_djl 超分辨率 esrgan-tf2 模型 , djl 推理
80torcvision_keypointrcmm_resnet50_fpn_key_point pytorch 下面的 keypoint 算法
81torcvision_maskrcnn_resnet50_fpn torcvision_maskrcnn_resnet50 实例分割
82tts_mary_us_english text2wav 美国英语 女性声音 (隐藏半马尔可夫模型-卡内基梅隆大学提供)
83u2_net 使用ONNXRuntime部署U-2-Net生成人脸素描画
84ultra_fast_lane_detection_v2 Ultra-Fast-Lane-Detection-v2 车道线检测
85wav2vec2_speech2text_englinsh_djl 语音识别(英文) wav2vec2 ,语言转文字 , djl 推理
86whisper_speech2text_englinsh_djl whisper 语音识别(英文),转文本(openai在9月发布的一个开源语音识别翻译模型)
87yoloe_pp_hrnet_human_pose_estimation PP-YOLOE行人检测+HRNet人体骨骼关键点检测,姿态估计
88yolov3_darknet53_pedestrian_djl yolov3 行人检测,djl 推理
89yolov3_face_key_point_106 yolov3 输入 112*112的人脸图片进行 106关键点检测
90yolov4_fire_smoke_detect_djl yolov4 烟雾火灾检测(paddle模型) ,djl推理
91yolov5_car_plate 车牌检测 + 车牌字符/颜色识别
92yolov5_cpu_gpu_test 分别使用cpu和gpu进行推理速度比较 目标检测
93yolov5_deepsort 目标跟踪 deepsort + yolov5
94yolov5_djl yolov5 使用 djl 推理测试
95yolov5_face_key_point_5 使用 yolov5 人脸关键点检测 5 点
96yolov5_face_mask_dec_djl yolov5 实现人脸口罩检测 , djl 进行onnx引擎推理
97yolov5_predict 目标检测
98yolov5_predict_segment 目标检测 + 实例分割 视频
99yolov5_predict_video 目标检测 + 实例分割 视频
100yolov5_reflective_clothes_detect_djl yolov5 工作人员反光衣+安全帽检测 , 安全性检测 ,djl推理
101yolov5_rotate 使用ONNXRuntime部署yolov5旋转目标检测
102yolov5_safety_helmet_detect_djl 安全帽检测 , yolov5(s/m/l) 模型 ,djl 推理
103yolov7_face_key_point_5 使用ONNXRuntime部署YOLOV7人脸+关键点检测
104yolov7_head_detection yolov7人头检测(人头密度检测)
105yolovp2_detection_drive_area_line_384_640 YOLOPV2目标检测+可驾驶区域分割+车道线分割
106yolovp2_detection_drive_area_line_736_1280 YOLOPV2目标检测+可驾驶区域分割+车道线分割
107yolovp2_detection_drive_area_line_video_384_640 YOLOPV2目标检测+可驾驶区域分割+车道线分割
108yolovp2_detection_drive_area_line_video_384_640_write YOLOPV2目标检测+可驾驶区域分割+车道线分割 然后生成新的视频
109yolovp2_detection_drive_area_line_video_736_1280 YOLOPV2目标检测+可驾驶区域分割+车道线分割

deeplearn-java's People

Contributors

tangyufan avatar

Stargazers

 avatar JeffreyLuo avatar Kermit Griffeth avatar mz289 avatar  avatar  avatar  avatar  avatar

Watchers

Kostas Georgiou avatar  avatar  avatar

Forkers

janix520 ukhack

deeplearn-java's Issues

关于解析 106关键点的算法

// 解析 106关键点
float[] value = ((float[][]) out.get(0).getValue())[0];
List<float[]> p = new ArrayList<>();
for(int i=0; i< 106; i++){
float x = (value[2i] + 1) * 96;
float y = (value[2
i + 1] + 1) * 96;
// 保存当前人脸当前关键点,缩放到原始人脸尺寸中
p.add(new float[]{
x/scale_w,
y/scale_h
});
}

             这个问题困扰我很久了,就是 *96 这个魔法数字从何而来。你和face-search这里都是写了*96,是什么文档看到的或者是看着觉得歪,目视调出来的么?
             对于其他的关键点提取模型,对应的魔法数字应该从哪来呢

模型

你好,请问一下里面的模型,数据从哪里下载

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.