Skip to content

The deployment of deep learning model inference on the Java platform includes some common CV and NLP tasks.

Notifications You must be signed in to change notification settings

TangYuFan/deeplearn-java

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 

History

22 Commits
 
 
 
 
 
 

Repository files navigation

deeplearn-java

number project remark
1action_rec_djl MXNet image classification for human action recognition, DJL inference
2anime_gan Deploying face anime transformation using ONNXRuntime—AnimeGAN
3bert_qa_djl BERT reading comprehension (input paragraph and question, provide answer), DJL inference
4big_gan_djl BigGAN image generation, batch image generation by category, DJL inference
5bise_net Facial parsing using BiSeNet
6chexnet Wu Enda's team pneumonia detection model - CheXNet
7chinese2english_translation_djl Translation Chinese => English, Chinese segmentation, then translation, DJL inference
8chinese_error_recovery_macbert4csc Load MacBERT model for Chinese spelling correction
9chinese_nlp_roberta Chinese word completion prediction with RoBERTa
10chinese_ocr_lite The lightest Chinese OCR
11chinese_segment_lightltp_1 Chinese segmentation with LightLTP, Chinese lexical analysis (segmentation, part-of-speech tagging)
12chinese_segment_lightltp_2 Chinese segmentation with LightLTP, Chinese lexical analysis (segmentation, part-of-speech tagging => named entity recognition)
13clip_image_text_compare_djl CLIP model for image-text understanding (OpenAI), DJL deployment, compare text and images, calculate image-text relevance
14crowd_density_dec_djl Crowd density detection (PaddlePaddle-CrowdNet), people counting, crowd density map, DJL inference
15dbnet_barcode_det DBNet for barcode detection
16deeplabv3_obj_segmentation_djl DeepLabV3 instance segmentation, DJL inference
17distilbert_sentiment_analysis DistilBERT sentiment analysis (English text), DJL inference
18e2_pose_detection E2Pose human keypoint detection
19e2_pose_detection_video E2Pose human keypoint detection
20english_segment_ner English named entity recognition with HuggingFace-RoBERTa NER (NLP)
21face_alignment_mesh_pose Face detection + alignment (dense point 3D reconstruction, also known as mesh reconstruction)
22face_det_retina_djl RetinaFace model for face detection (5 key points), DJL inference
23face_det_ultra_light_djl Ultra-Light-Fast model for face detection (5 key points), DJL inference
24face_feature_extraction_djl Face feature extraction (512 dimensions), similarity comparison, DJL inference
25face_land_mark Face landmark detection, also known as face alignment
26face_rec_det_insightface_pcn_1 Face detection (InsightFace) + age and gender detection + landmark recognition + feature extraction + face matching
27face_rec_det_insightface_pcn_2 Face detection (PCN) + age and gender detection + landmark recognition + feature extraction + face matching
28face_rec_det_insightface_pcn_3 Similarity evaluation face detection => landmark detection => face alignment => feature extraction => similarity calculation
29face_rec_det_insightface_pcn_4 Face feature extraction => Elasticsearch face retrieval
30face_rec_det_sface Face detection and recognition, SFace face detection (Yunet) + face encoding (128 dimensions)
31first_order_motion_model_jdl Ant black and white effect, First Order Motion Model using JDL inference
32french2english_translation_djl Translation French => English, DJL inference
33gfp_gan_v1 GFP-GAN V1 for face photo restoration, increases clarity
34google_move_net_people_key_point Google MoveNet human 17 key points detection
35google_move_net_people_key_point_video Google MoveNet human 17 key points detection
36hand_3d_landmark Hand keypoint detection 3D, the attention model needs to combine palm detection, so direct input of palm images is required for keypoint detection
37hand_3d_landmark_camera Hand keypoint detection 3D (camera detection)
38hand_3d_landmark_video Hand keypoint detection 3D (video detection)
39hand_palm_detection Palm detection, annotating the palm area + palm center point + two key points above and below the palm center
40id_card_licence Full card text recognition for ID cards
41id_card_rec_det Text recognition (high-precision text area detection + text recognition)
42informative_drawings Deploying Informative-Drawings to generate sketches using ONNXRuntime
43mask_rcnn_resnet18_v1b_coco_seg_djl Mask R-CNN instance segmentation, DJL inference
44metaai_sam_test_djl Meta AI SAM for segmentation of all objects, using DJL for inference
45metaai_sam_test_onnx Meta AI SAM, segmentation using matting points
46mod_net Real-time portrait segmentation model with background replacement
47mod_net_video Portrait segmentation + video background replacement
48m_lsd_line_detect M-LSD line detection
49nanodet_plus_object_dec NanoDet-Plus object detection
50opencv_selective_search_demo OpenCV implementation of the RCNN SelectiveSearch algorithm
51p2p_net_people_count P2PNet for crowd detection and counting
52paddlepaddle_mattingv2 Baidu PaddleSeg's real-time portrait segmentation model PP-MattingV2
53paddle_ocr_djl Paddle OCR character recognition with DJL inference
54picodet_object_dec PicoDet object detection
55pose_estimation2_djl Human pose estimation (key points) with ResNet18/ResNet50 models, DJL inference
56pose_estimation_djl Human pose estimation (17 key points detection) with DJL inference
57pp_animals_classification Animal image classification with ResNet50/MobileNet_V2, DJL inference
58pp_coco_object_detection_djl COCO dataset PP open-source model for object detection, DJL inference
59pp_deep_speech2text_long_djl Deep Speech (Chinese and English) end-to-end speech recognition model, PP open-source model, DJL inference
60pp_deep_speech2text_short_djl Deep Speech (Chinese and English) end-to-end speech recognition model, PP open-source model, DJL inference
61pp_dish_classification Dish classification with ResNet50/MobileNet_V2, DJL inference
62pp_human_seg PP-HumanSeg portrait segmentation
63pp_vehicle_detect_djl Vehicle detection, PP open-source model, DJL inference
64rapid_asr Speech to text (speech recognition + punctuation insertion) with Wenet
65rapid_ocr Quick OCR - Text region detection + text orientation detection + text recognition
66real_esrgan Real-ESRGAN - Image super-resolution restoration
67retinaface_arcface Face detection (RetinaFace) + face recognition (ArcFace)
68robust_video_matting Video portrait segmentation
69robust_video_matting_video Video portrait segmentation
70safety_helmet_detect_darknet53_djl Safety helmet detection, Darknet53 model, DJL inference
71safety_helmet_detect_mobilenet1_djl Safety helmet detection, MobileNet1.0, DJL inference
72safety_helmet_detect_mobilenet2_djl Safety helmet detection, MobileNet0.25, DJL inference
73stable_diffusion_djl_cpu Stable Diffusion AI drawing, text-to-image, DJL inference
74stable_diffusion_djl_gpu Stable Diffusion AI drawing, text-to-image, DJL inference
75stable_diffusion_img2img_djl_gpu Stable Diffusion AI drawing, image-to-image, DJL inference
76stable_diffusion_onnx Stable Diffusion AI drawing, supports image-to-image and text-to-image
77style_gan_cartoon Using Style-GAN to convert facial portraits to cartoon style
78style_transfer_djl Animation style transfer, DJL deployment
79super_resolution_djl Super-resolution with ESRGAN-TF2 model, DJL inference
80torcvision_keypointrcmm_resnet50_fpn_key_point Keypoint algorithm under PyTorch
81torcvision_maskrcnn_resnet50_fpn Torchvision Mask R-CNN ResNet50 instance segmentation
82tts_mary_us_english Text to WAV American English female voice (hidden semi-Markov model - provided by Carnegie Mellon University)
83u2_net Using ONNX Runtime to deploy U-2-Net for generating facial sketches
84ultra_fast_lane_detection_v2 Ultra-Fast Lane Detection v2 for lane line detection
85wav2vec2_speech2text_englinsh_djl Speech recognition (English) with Wav2Vec2, speech-to-text, DJL inference
86whisper_speech2text_englinsh_djl Whisper speech recognition (English), text conversion (an open-source speech recognition translation model released by OpenAI in September)
87yoloe_pp_hrnet_human_pose_estimation PP-YOLOE pedestrian detection + HRNet human skeleton keypoint detection, pose estimation
88yolov3_darknet53_pedestrian_djl YOLOv3 pedestrian detection, DJL inference
89yolov3_face_key_point_106 YOLOv3 input 112*112 face images for 106 keypoint detection
90yolov4_fire_smoke_detect_djl YOLOv4 smoke and fire detection (Paddle model), DJL inference
91yolov5_car_plate License plate detection + license plate character/color recognition
92yolov5_cpu_gpu_test Comparison of inference speed using CPU and GPU for object detection
93yolov5_deepsort Object tracking with DeepSort + YOLOv5
94yolov5_djl YOLOv5 inference testing using DJL
95yolov5_face_key_point_5 Face keypoint detection (5 points) using YOLOv5
96yolov5_face_mask_dec_djl YOLOv5 face mask detection, DJL inference with ONNX engine
97yolov5_predict Object detection
98yolov5_predict_segment Object detection + instance segmentation in video
99yolov5_predict_video Object detection + instance segmentation in video
100yolov5_reflective_clothes_detect_djl YOLOv5 reflective clothing + safety helmet detection, safety check, DJL inference
101yolov5_rotate YOLOv5 rotational object detection using ONNX Runtime
102yolov5_safety_helmet_detect_djl Safety helmet detection, YOLOv5 (S/M/L) model, DJL inference
103yolov7_face_key_point_5 YOLOv7 face + keypoint detection using ONNX Runtime
104yolov7_head_detection YOLOv7 head detection (head density detection)
105yolovp2_detection_drive_area_line_384_640 YOLOPV2 object detection + drivable area segmentation + lane line segmentation
106yolovp2_detection_drive_area_line_736_1280 YOLOPV2 object detection + drivable area segmentation + lane line segmentation
107yolovp2_detection_drive_area_line_video_384_640 YOLOPV2 object detection + drivable area segmentation + lane line segmentation
108yolovp2_detection_drive_area_line_video_384_640_write YOLOPV2 object detection + drivable area segmentation + lane line segmentation, then generate a new video
109yolovp2_detection_drive_area_line_video_736_1280 YOLOPV2 object detection + drivable area segmentation + lane line segmentation

About

The deployment of deep learning model inference on the Java platform includes some common CV and NLP tasks.

Resources

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published

Languages