cube-studio/myapp/init/init-aihub.json
2023-12-11 09:59:38 +08:00

7878 lines
351 KiB
JSON
Raw Blame History

This file contains ambiguous Unicode characters

This file contains Unicode characters that might be confused with other characters. If you think that this is intentional, you can safely ignore this warning. Use the Escape button to reveal them.

[
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/openjourney",
"field": "大模型",
"scenes": "aigc",
"frameworks": "pytorch",
"type": "dateset,notebook,train,evaluate,inference,web",
"name": "openjourney",
"status": "online",
"version": "v20221001",
"uuid": "openjourney-v20221001",
"label": "openjourney文生图",
"describe": "Openjourney 是一个基于 Midjourney 图像的开源稳定扩散微调模型由PromptHero提供",
"pic": "example.png",
"hot": "880",
"price": "0",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {},
"inference": {
"resource_gpu": "1"
},
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7"
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/chat-embedding",
"field": "自然语言",
"scenes": "聊天机器人",
"frameworks": "pytorch",
"type": "inference,web",
"name": "chat-embedding",
"status": "online",
"version": "v20221001",
"uuid": "chat-embedding-v20221001",
"label": "gpt私有知识库",
"describe": "gpt私有知识库",
"pic": "example.jpeg",
"hot": "1",
"price": "0",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {
},
"inference": {
"resource_gpu": "0"
},
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7"
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/chat-llama",
"field": "大模型",
"scenes": "",
"frameworks": "pytorch",
"type": "dateset,notebook,train,evaluate,inference,web",
"name": "chat-llama",
"status": "online",
"version": "v20221001",
"uuid": "llama-v20221001",
"label": "llama 13B模型微调",
"describe": "llama 13B模型微调",
"pic": "example.png",
"hot": "1",
"price": "0",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {
"resource_memory": "20G",
"job_template_args": {
"参数": {
"--save_model_dir": {
"type": "str",
"item_type": "str",
"label": "模型保存地址",
"require": 1,
"choice": [],
"range": "",
"default": "",
"placeholder": "",
"describe": "模型保存地址",
"editable": 1,
"condition": ""
},
"--model_type": {
"type": "str",
"item_type": "str",
"label": "模型类型",
"require": 1,
"choice": [
"llama",
"chatglm",
"bloom"
],
"range": "",
"default": "llama",
"placeholder": "",
"describe": "模型类型",
"editable": 1,
"condition": ""
},
"--model_name_or_path": {
"type": "str",
"item_type": "str",
"label": "hugging预训练模型名或者地址",
"require": 1,
"choice": [
"decapoda-research/llama-7b-hf",
"decapoda-research/llama-13b-hf",
"decapoda-research/llama-65b-hf",
"decapoda-research/llama-30b-hf",
"THUDM/chatglm-6b",
"bigscience/bloomz-3b",
"bigscience/bloomz-7b1",
"bigscience/bloomz-7b1-mt"
],
"range": "",
"default": "decapoda-research/llama-13b-hf",
"placeholder": "",
"describe": "hugging预训练模型名或者地址",
"editable": 1,
"condition": ""
},
"--dataset": {
"type": "str",
"item_type": "str",
"label": "数据集名称或地址",
"require": 1,
"choice": [],
"range": "",
"default": "/mnt/{{creator}}/cube-studio/aihub/deep-learning/chat-llama/dataset/CoT_Chinese_data.json",
"placeholder": "",
"describe": "数据集名称或地址",
"editable": 1,
"condition": ""
},
"--per_gpu_train_batch_size": {
"type": "str",
"item_type": "str",
"label": "batch size",
"require": 1,
"choice": [],
"range": "",
"default": "4",
"placeholder": "",
"describe": "batch size",
"editable": 1,
"condition": ""
},
"--learning_rate": {
"type": "str",
"item_type": "str",
"label": "学习率",
"require": 1,
"choice": [],
"range": "",
"default": "3e-4",
"placeholder": "",
"describe": "学习率",
"editable": 1,
"condition": ""
},
"--epochs": {
"type": "str",
"item_type": "str",
"label": "迭代轮数",
"require": 1,
"choice": [],
"range": "",
"default": "3",
"placeholder": "",
"describe": "迭代轮数",
"editable": 1,
"condition": ""
}
}
}
},
"inference": {
"resource_gpu": "1"
},
"images": "ccr.ccs.tencentyun.com/cube-studio/aihub:chat-llama"
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/deoldify",
"field": "机器视觉",
"scenes": "图像合成",
"type": "dateset,notebook,train,inference",
"name": "deoldify",
"status": "online",
"version": "v20221001",
"uuid": "deoldify-v20221001",
"label": "图片上色",
"describe": "图片上色",
"pic": "example.jpg",
"hot": "1",
"price": "1",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {},
"inference": {}
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/paddlespeech-tts",
"field": "听觉",
"scenes": "语音处理",
"type": "dateset,notebook,train,inference",
"name": "paddlespeech-tts",
"status": "online",
"version": "v20221114",
"uuid": "paddle-speech-tts-v20221114",
"label": "文字转语音",
"describe": "文字转语音支持280多种音色模型",
"pic": "example.jpg",
"hot": "1",
"price": "1",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {},
"inference": {}
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/paddlespeech-asr",
"field": "听觉",
"scenes": "语音处理",
"type": "dateset,notebook,train,inference",
"name": "paddlespeech-asr",
"status": "online",
"version": "v20221116",
"uuid": "paddle-speech-asr-v20221116",
"label": "语音转文字",
"describe": "语音转文字,支持中英文",
"pic": "example.jpg",
"hot": "1",
"price": "1",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {},
"inference": {}
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/stable-diffusion-zh-en",
"field": "大模型",
"scenes": "图像创作",
"type": "dateset,notebook,train,inference",
"name": "stable-diffusion-zh-en",
"status": "online",
"version": "v20221122",
"uuid": "stable-diffusion-zh-en-v20221122",
"label": "文字转图像-中英文混合9种语言",
"describe": "输入一串文字描述,可生成相应的图片,暂已支持语言:英语(En)、中文(Zh)、西班牙语(Es)、法语(Fr)、俄语(Ru)、日语(Ja)、韩语(Ko)、阿拉伯语(Ar)和意大利语(It)",
"pic": "example.jpg",
"hot": "1",
"price": "1",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {},
"inference": {
"resource_gpu": "1"
}
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/paddleocr",
"field": "机器视觉",
"scenes": "图像识别",
"type": "dateset,notebook,train,inference",
"name": "paddleocr",
"status": "online",
"version": "v20221001",
"uuid": "paddleocr-v20221001",
"label": "ocr识别",
"describe": "paddleocr提供的ocr识别",
"pic": "example.jpg",
"hot": "1",
"price": "1",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {},
"inference": {}
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/ddddocr",
"field": "机器视觉",
"scenes": "图像识别",
"type": "dateset,notebook,train,inference",
"name": "ddddocr",
"status": "online",
"version": "v20221001",
"uuid": "ddddocr-v20221001",
"label": "验证码识别",
"describe": "ai识别验证码文字和验证码目标",
"pic": "example.jpg",
"hot": "1",
"price": "1",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {},
"inference": {}
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/gfpgan",
"field": "机器视觉",
"scenes": "图像合成",
"type": "dateset,notebook,train,inference",
"name": "gfpgan",
"status": "online",
"version": "v20221001",
"uuid": "gfpgan-v20221001",
"label": "图片修复",
"describe": "低分辨率照片修复,清晰度增强",
"pic": "example.jpg",
"hot": "1",
"price": "1",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {},
"inference": {}
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/stable-diffusion",
"field": "大模型",
"scenes": "图像创作",
"type": "dateset,notebook,train,inference",
"name": "stable-diffusion",
"status": "online",
"version": "v20221022",
"uuid": "stable-diffusion-v20221022",
"label": "文字转图像",
"describe": "输入一串文字描述,可生成相应的图片",
"pic": "example.jpg",
"hot": "1",
"price": "1",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {},
"inference": {
"resource_gpu": "1"
}
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/cartoon-sd",
"field": "机器视觉",
"scenes": "图像创作",
"type": "dateset,notebook,train,inference",
"name": "cartoon-sd",
"status": "online",
"version": "v20221125",
"uuid": "cartoon-sd-v20221125",
"label": "文字转图像-动漫版",
"describe": "输入一串文字描述,可生成相应的动漫图片,描述越详细越好哦~",
"pic": "example.jpg",
"hot": "1",
"price": "1",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {},
"inference": {
"resource_gpu": "1"
}
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/paddlespeech-cls",
"field": "听觉",
"scenes": "语音处理",
"type": "dateset,notebook,train,inference",
"name": "paddlespeech-cls",
"status": "online",
"version": "v20221114",
"uuid": "paddle-speech-cls-v20221114",
"label": "语音场景分类",
"describe": "语音场景分类:语种识别等",
"pic": "example.jpg",
"hot": "1",
"price": "1",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {},
"inference": {}
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/humanseg",
"field": "机器视觉",
"scenes": "图像合成",
"type": "dateset,notebook,train,inference",
"name": "humanseg",
"status": "online",
"version": "v20221001",
"uuid": "humanseg-v20221001",
"label": "人体分割背景替换",
"describe": "人体分割背景替换,视频会议背景替换",
"pic": "example.jpg",
"hot": "1",
"price": "1",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {},
"inference": {}
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/panoptic",
"field": "机器视觉",
"scenes": "目标识别",
"type": "dateset,notebook,train,inference",
"name": "panoptic",
"status": "online",
"version": "v20221001",
"uuid": "panoptic-v20221001",
"label": "图片识别",
"describe": "resnet50 图像识别",
"pic": "example.jpg",
"hot": "1",
"price": "1",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {},
"inference": {}
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/animegan",
"field": "机器视觉",
"scenes": "图像合成",
"type": "dateset,notebook,train,inference",
"name": "animegan",
"status": "online",
"version": "v20221001",
"uuid": "animegan-v20221001",
"label": "动漫风格化",
"describe": "图片的全新动漫风格化宫崎骏或新海诚风格的动漫以及4种关于人脸的风格转换。",
"pic": "example.jpg",
"hot": "1",
"price": "1",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {},
"inference": {}
},
{
"price": "1",
"name": "speech-paraformer-large-asr-nat-zh-cn-16k-common-vocab8404-pytorch",
"label": "Paraformer语音识别-中文-通用-16k-离线-large-pytorch",
"describe": "Paraformer是一种非自回归端到端语音识别模型。非自回归模型相比于目前主流的自回归模型可以并行的对整条句子输出目标文字特别适合利用GPU进行并行推理。Paraformer是目前已知的首个在工业大数据上可以获得和自回归端到端模型相同性能的非自回归模型。配合GPU推理可以将推理效率提升10倍从而将语音识别云服务的机器成本降低接近10倍。",
"hot": 8993619,
"pic": "example.jpg",
"uuid": "speech-paraformer-large-asr-nat-zh-cn-16k-common-vocab8404-pytorch",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "cv-fft-inpainting-lama",
"label": "LaMa图像填充",
"describe": "针对自然图片进行填充恢复支持高分辨率图像的输入同时支持在线refinement使得高分辨率图片恢复出更加真实的内容细节",
"hot": 1344866,
"pic": "example.jpg",
"uuid": "cv-fft-inpainting-lama",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像填充",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-unet-person-image-cartoon-compound-models",
"label": "DCT-Net人像卡通化",
"describe": "该模型采用全新的DCT-NetDomain-Calibrated Translation 域校准图像翻译模型,利用小样本的风格数据,即可得到高保真、强鲁棒、易拓展的人像风格转换模型。",
"hot": 505792,
"pic": "example.jpg",
"uuid": "cv-unet-person-image-cartoon-compound-models",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人像卡通化",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-chinese-base-news",
"label": "RaNER命名实体识别-中文-新闻领域-base",
"describe": "该模型是基于检索增强(RaNer)方法在中文MSRA数据集训练的模型。本方法采用Transformer-CRF模型使用StructBERT作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 436414,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-chinese-base-news",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-gpt3-text-generation-2-7b",
"label": "GPT-3预训练生成模型-中文-2.7B",
"describe": "2.7B参数量的中文GPT-3文本生成模型",
"hot": 243767,
"pic": "example.jpg",
"uuid": "nlp-gpt3-text-generation-2-7b",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成",
"field": "大模型"
},
{
"price": "1",
"name": "cv-resnet-carddetection-scrfd34gkps",
"label": "卡证检测矫正模型",
"describe": "输入一张图片,检测其中是否出现卡证,如有则返回卡证的矩形框和角点,以及矫正后的卡证图像。",
"hot": 239476,
"pic": "example.jpg",
"uuid": "cv-resnet-carddetection-scrfd34gkps",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "卡证检测矫正",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-resnet18-human-detection",
"label": "人体检测-通用-Base",
"describe": "给定一张输入图像,输出图像中人体的坐标。",
"hot": 223218,
"pic": "example.jpeg",
"uuid": "cv-resnet18-human-detection",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人体检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-resnet50-face-detection-retinaface",
"label": "RetinaFace人脸检测关键点模型",
"describe": "给定一张图片返回图片中人脸区域的位置和五点关键点。RetinaFace为当前学术界和工业界精度较高的人脸检测和人脸关键点定位二合一的方法被CVPR 2020 录取。该方法的主要贡献是: 引入关键点分支可以在训练阶段引入关键点预测分支进行多任务学习提供额外的互补特征inference去掉关键点分支即可并不会引入额外的计算量。",
"hot": 150064,
"pic": "example.png",
"uuid": "cv-resnet50-face-detection-retinaface",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-csanmt-translation-zh2en",
"label": "CSANMT连续语义增强机器翻译-中英-通用领域-large",
"describe": "基于连续语义增强的神经机器翻译模型以有限的训练样本为锚点,学习连续语义分布以建模全局的句子空间,并据此构建神经机器翻译引擎,有效提升数据的利用效率,显著改善模型的泛化能力和鲁棒性。",
"hot": 143809,
"pic": "example.jpg",
"uuid": "nlp-csanmt-translation-zh2en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "翻译",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-structbert-nli-chinese-tiny",
"label": "StructBERT自然语言推理-中文-通用-tiny",
"describe": "StructBERT自然语言推理-中文-通用-tiny是在structbert-tiny-chinese预训练模型的基础上用CMNLI、OCNLI两个数据集45.8w条数据)训练出来的自然语言推理模型",
"hot": 126986,
"pic": "example.jpg",
"uuid": "nlp-structbert-nli-chinese-tiny",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "自然语言推理",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-unet-person-image-cartoon-handdrawn-compound-models",
"label": "DCT-Net人像卡通化-手绘",
"describe": "该模型采用全新的DCT-NetDomain-Calibrated Translation 域校准图像翻译模型,利用小样本的风格数据,即可得到高保真、强鲁棒、易拓展的人像手绘风格转换模型。",
"hot": 117239,
"pic": "example.jpg",
"uuid": "cv-unet-person-image-cartoon-handdrawn-compound-models",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人像卡通化",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-paraformer-large-vad-punc-asr-nat-zh-cn-16k-common-vocab8404-pytorch",
"label": "Paraformer语音识别-中文-通用-16k-离线-large-长音频版",
"describe": "Paraformer-large长音频模型集成VAD、ASR、标点与时间戳功能可直接对时长为数小时音频进行识别并输出带标点文字与时间戳",
"hot": 113854,
"pic": "example.jpg",
"uuid": "speech-paraformer-large-vad-punc-asr-nat-zh-cn-16k-common-vocab8404-pytorch",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "cv-resnet-image-quality-assessment-mos-youtubeugc",
"label": "图像质量MOS评估",
"describe": "通过模型预测图像MOS分",
"hot": 102942,
"pic": "example.jpg",
"uuid": "cv-resnet-image-quality-assessment-mos-youtubeugc",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像质量MOS评估",
"field": "机器视觉"
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/cv-unet-person-image-cartoon-3d-compound-models",
"field": "机器视觉",
"scenes": "",
"frameworks": "TensorFlow",
"type": "dateset,notebook,train,evaluate,inference,web",
"name": "cv-unet-person-image-cartoon-3d-compound-models",
"status": "online",
"version": "v20221001",
"uuid": "cv-unet-person-image-cartoon-3d-compound-models-v20221001",
"label": "DCT-Net人像卡通化-3D",
"describe": "该模型采用全新的DCT-NetDomain-Calibrated Translation 域校准图像翻译模型利用小样本的风格数据即可得到高保真、强鲁棒、易拓展的人像3D风格转换模型。",
"pic": "example.jpg",
"hot": "1",
"price": "0",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {
"job_template_args": {
"参数": {
"--save_model_dir": {
"type": "str",
"item_type": "str",
"label": "模型保存地址",
"require": 1,
"choice": [],
"range": "",
"default": "",
"placeholder": "",
"describe": "模型保存地址",
"editable": 1,
"condition": ""
},
"--data_photo": {
"type": "str",
"item_type": "str",
"label": "源图片的目录",
"require": 1,
"choice": [],
"range": "",
"default": "/mnt/{{creator}}/cube-studio/aihub/deep-learning/cv-unet-person-image-cartoon-3d-compound-models/dataset/face_photo",
"placeholder": "",
"describe": "源图片的目录",
"editable": 1,
"condition": ""
},
"--data_cartoon": {
"type": "str",
"item_type": "str",
"label": "卡通图片的目录",
"require": 1,
"choice": [],
"range": "",
"default": "/mnt/{{creator}}/cube-studio/aihub/deep-learning/cv-unet-person-image-cartoon-3d-compound-models/dataset/face_cartoon",
"placeholder": "",
"describe": "卡通图片的目录",
"editable": 1,
"condition": ""
}
}
}
},
"inference": {
"resource_memory": "4G",
"resource_cpu": "7",
"resource_gpu": "1"
},
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7"
},
{
"price": "1",
"name": "cv-unet-person-image-cartoon-artstyle-compound-models",
"label": "DCT-Net人像卡通化-艺术",
"describe": "该模型采用全新的DCT-NetDomain-Calibrated Translation 域校准图像翻译模型,利用小样本的风格数据,即可得到高保真、强鲁棒、易拓展的人像艺术风格转换模型。",
"hot": 84664,
"pic": "example.jpg",
"uuid": "cv-unet-person-image-cartoon-artstyle-compound-models",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人像卡通化",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-unet-person-image-cartoon-sketch-compound-models",
"label": "DCT-Net人像卡通化-素描",
"describe": "该模型采用全新的DCT-NetDomain-Calibrated Translation 域校准图像翻译模型,利用小样本的风格数据,即可得到高保真、强鲁棒、易拓展的人像素描风格转换模型。",
"hot": 84574,
"pic": "example.jpg",
"uuid": "cv-unet-person-image-cartoon-sketch-compound-models",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人像卡通化",
"field": "机器视觉"
},
{
"price": "1",
"name": "punc-ct-transformer-zh-cn-common-vocab272727-pytorch",
"label": "CT-Transformer标点-中文-通用-pytorch",
"describe": "中文标点通用模型:可用于语音识别模型输出文本的标点预测。",
"hot": 80822,
"pic": "example.jpg",
"uuid": "punc-ct-transformer-zh-cn-common-vocab272727-pytorch",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "标点预测",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-gpt3-text-generation-chinese-base",
"label": "GPT-3预训练生成模型-中文-base",
"describe": "1亿参数量的中文GPT-3文本生成模型",
"hot": 77547,
"pic": "example.jpg",
"uuid": "nlp-gpt3-text-generation-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成",
"field": "大模型"
},
{
"price": "1",
"name": "cv-unet-image-matting",
"label": "BSHM人像抠图",
"describe": "人像抠图对输入含有人像的图像进行处理,无需任何额外输入,实现端到端人像抠图,输出四通道人像抠图结果。",
"hot": 73859,
"pic": "example.jpg",
"uuid": "cv-unet-image-matting",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人像抠图",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-resnet-face-recognition-facemask",
"label": "口罩人脸识别模型FaceMask",
"describe": "",
"hot": 73459,
"pic": "example.png",
"uuid": "cv-resnet-face-recognition-facemask",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-paraformer-asr-nat-zh-cn-16k-common-vocab8358-tensorflow1",
"label": "Paraformer语音识别-中文-通用-16k-离线",
"describe": "Paraformer是一种非自回归端到端语音识别模型。非自回归模型相比于目前主流的自回归模型可以并行的对整条句子输出目标文字特别适合利用GPU进行并行推理。Paraformer是目前已知的首个在工业大数据上可以获得和自回归端到端模型相同性能的非自回归模型。配合GPU推理可以将推理效率提升10倍从而将语音识别云服务的机器成本降低接近10倍。",
"hot": 69982,
"pic": "example.jpg",
"uuid": "speech-paraformer-asr-nat-zh-cn-16k-common-vocab8358-tensorflow1",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/cv-tinynas-object-detection-damoyolo",
"field": "机器视觉",
"scenes": "",
"type": "dateset,notebook,train,inference",
"name": "cv-tinynas-object-detection-damoyolo",
"status": "online",
"version": "v20221001",
"uuid": "cv-tinynas-object-detection-damoyolo-v20221001",
"label": "DAMOYOLO-高性能通用检测模型-S",
"describe": "DAMOYOLO是一款面向工业落地的高性能检测框架精度和速度超越当前的一众典型YOLO框架YOLOE、YOLOv6、YOLOv7。基于TinyNAS技术DAMOYOLO能够针对不同的硬件算力进行低成本的模型定制化搜索。这里仅提供DAMOYOLO-S模型更多模型请参考README。",
"pic": "example.jpg",
"hot": "3344866",
"price": "0",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {
"resource_gpu": "1",
"resource_memory": "40G",
"resource_cpu": "10",
"job_template_args": {
"参数": {
"--save_model_dir": {
"type": "str",
"item_type": "str",
"label": "模型保存地址",
"require": 1,
"choice": [],
"range": "",
"default": "",
"placeholder": "",
"describe": "模型保存地址",
"editable": 1,
"condition": ""
},
"--train_image_dir": {
"type": "str",
"item_type": "str",
"label": "训练集图片的目录",
"require": 1,
"choice": [],
"range": "",
"default": "/mnt/{{creator}}/cube-studio/aihub/deep-learning/cv-tinynas-object-detection-damoyolo/dataset/train_image_dir",
"placeholder": "",
"describe": "训练图片的目录",
"editable": 1,
"condition": ""
},
"--val_image_dir": {
"type": "str",
"item_type": "str",
"label": "校验集图片的目录",
"require": 1,
"choice": [],
"range": "",
"default": "/mnt/{{creator}}/cube-studio/aihub/deep-learning/cv-tinynas-object-detection-damoyolo/dataset/val_image_dir",
"placeholder": "",
"describe": "校验集图片的目录",
"editable": 1,
"condition": ""
},
"--train_ann": {
"type": "str",
"item_type": "str",
"label": "训练集标注文件路径",
"require": 1,
"choice": [],
"range": "",
"default": "/mnt/{{creator}}/cube-studio/aihub/deep-learning/cv-tinynas-object-detection-damoyolo/dataset/visdrone_train.json",
"placeholder": "",
"describe": "训练集标注文件路径",
"editable": 1,
"condition": ""
},
"--val_ann": {
"type": "str",
"item_type": "str",
"label": "校验集标注文件路径",
"require": 1,
"choice": [],
"range": "",
"default": "/mnt/{{creator}}/cube-studio/aihub/deep-learning/cv-tinynas-object-detection-damoyolo/dataset/visdrone_val.json",
"placeholder": "",
"describe": "校验集标注文件路径",
"editable": 1,
"condition": ""
},
"--max_epochs": {
"type": "str",
"item_type": "str",
"label": "最大迭代数",
"require": 1,
"choice": [],
"range": "",
"default": "3",
"placeholder": "",
"describe": "最大迭代数",
"editable": 1,
"condition": ""
},
"--num_classes": {
"type": "str",
"item_type": "str",
"label": "分类类型个数",
"require": 1,
"choice": [],
"range": "",
"default": "80",
"placeholder": "",
"describe": "分类类型个数",
"editable": 1,
"condition": ""
}
}
}
},
"inference": {
},
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7"
},
{
"price": "1",
"name": "ofa-image-caption-coco-large-en",
"label": "OFA图像描述-英文-通用领域-large",
"describe": "根据用户输入的任意图片AI智能创作模型3秒内快速写出“一句话描述”可用于图像标签和图像简介。",
"hot": 67927,
"pic": "example.jpg",
"uuid": "ofa-image-caption-coco-large-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像描述",
"field": "多模态"
},
{
"price": "1",
"name": "speech-fsmn-vad-zh-cn-16k-common-pytorch",
"label": "FSMN语音端点检测-中文-通用-16k",
"describe": "FSMN-Monophone VAD模型可用于检测长语音片段中有效语音的起止时间点。",
"hot": 65670,
"pic": "example.png",
"uuid": "speech-fsmn-vad-zh-cn-16k-common-pytorch",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音端点检测",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-csanmt-translation-en2zh",
"label": "CSANMT连续语义增强机器翻译-英中-通用领域-large",
"describe": "基于连续语义增强的神经机器翻译模型以有限的训练样本为锚点,学习连续语义分布以建模全局的句子空间,并据此构建神经机器翻译引擎,有效提升数据的利用效率,显著改善模型的泛化能力和鲁棒性。",
"hot": 57507,
"pic": "example.jpg",
"uuid": "nlp-csanmt-translation-en2zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "翻译",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-unet-skin-retouching",
"label": "ABPN人像美肤",
"describe": "人像美肤模型对输入含有人像的图像进行处理,无需任何额外输入,实现脸部皮肤区域匀肤(处理痘印、肤色不均等)、去瑕疵(脂肪粒、斑点、痣等)及全身皮肤区域美白。模型仅对皮肤区域进行处理,不影响其他区域。",
"hot": 56970,
"pic": "example.jpg",
"uuid": "cv-unet-skin-retouching",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人像美肤",
"field": "机器视觉"
},
{
"price": "1",
"name": "mgeo-geographic-entity-alignment-chinese-base",
"label": "MGeo地址相似度匹配实体对齐-中文-地址领域-base",
"describe": "模型判断两条地址是否指代同一道路、村庄、POI等。将两条地址的关系分为完全对齐、部分对齐、不对齐。该任务是构建地理信息知识库的核心技术。",
"hot": 50831,
"pic": "example.jpg",
"uuid": "mgeo-geographic-entity-alignment-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "句子相似度",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-resnet18-ocr-detection-line-level-damo",
"label": "读光-文字检测-行检测模型-中英-通用领域",
"describe": "给定一张图片,检测出图中所含文字的外接框的端点的坐标值。",
"hot": 49225,
"pic": "example.jpg",
"uuid": "cv-resnet18-ocr-detection-line-level-damo",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文字检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-convnexttiny-ocr-recognition-general-damo",
"label": "读光-文字识别-行识别模型-中英-通用领域",
"describe": "给定一张图片,识别出图中所含文字并输出字符串。",
"hot": 48023,
"pic": "example.jpg",
"uuid": "cv-convnexttiny-ocr-recognition-general-damo",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文字识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-swinl-panoptic-segmentation-cocopan",
"label": "Mask2Former-SwinL全景分割",
"describe": "基于Mask2Former架构SwinL为backbone的全景分割模型。训练数据库为COCO-Panoptic",
"hot": 45790,
"pic": "example.jpg",
"uuid": "cv-swinl-panoptic-segmentation-cocopan",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用图像分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-structbert-word-segmentation-chinese-base",
"label": "BAStructBERT分词-中文-新闻领域-base",
"describe": "基于预训练语言模型的新闻领域中文分词模型,根据用户输入的中文句子产出分词结果。",
"hot": 43605,
"pic": "example.png",
"uuid": "nlp-structbert-word-segmentation-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "分词",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-gpen-image-portrait-enhancement",
"label": "GPEN人像修复增强",
"describe": "GPEN将预训练好的StyleGAN2网络作为decoder嵌入到人像修复模型中并通过finetune的方式最终实现修复功能在多项指标上达到行业领先的效果。",
"hot": 41899,
"pic": "example.jpg",
"uuid": "cv-gpen-image-portrait-enhancement",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人像增强",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-structbert-sentiment-classification-chinese-base",
"label": "StructBERT情感分类-中文-通用-base",
"describe": "StructBERT情感分类-中文-通用-base是基于bdci、dianping、jd binary、waimai-10k四个数据集11.5w条数据)训练出来的情感分类模型。",
"hot": 41828,
"pic": "example.png",
"uuid": "nlp-structbert-sentiment-classification-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本分类",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-structbert-zero-shot-classification-chinese-base",
"label": "StructBERT零样本分类-中文-base",
"describe": "该模型使用StructBERT-base在xnli_zh数据集(将英文数据集重新翻译得到中文数据集)上面进行了训练得到。",
"hot": 41454,
"pic": "example.jpg",
"uuid": "nlp-structbert-zero-shot-classification-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "零样本分类",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-f3net-product-segmentation",
"label": "图像分割-商品展示图场景的商品分割-电商领域",
"describe": "通用商品分割模型,适用于商品展示图场景",
"hot": 41106,
"pic": "example.jpg",
"uuid": "cv-f3net-product-segmentation",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用商品分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-chinese-base-ecom-50cls",
"label": "RaNER命名实体识别-中文-电商领域-细粒度-base",
"describe": "该模型是基于检索增强(RaNer)方法在中文细粒度电商数据集训练的模型。本方法采用Transformer-CRF模型使用sbert-base作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 38901,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-chinese-base-ecom-50cls",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "promptclue",
"label": "全中文任务支持零样本学习模型",
"describe": "支持近20中文任务并具有零样本学习能力。 针对理解类任务如分类、情感分析、抽取等可以自定义标签体系针对生成任务可以进行采样自由生成。使用1000亿中文token字词级别进行大规模预训练累计学习1.5万亿中文token并且在100+任务上进行多任务学习获得。",
"hot": 34930,
"pic": "example.png",
"uuid": "promptclue",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "端到端文本生成",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-sambert-hifigan-tts-zhiyan-emo-zh-cn-16k",
"label": "语音合成-中文-多情感领域-16k-发音人Zhiyan",
"describe": "本模型是一种应用于参数TTS系统的后端声学模型及声码器模型。其中后端声学模型的SAM-BERT,将时长模型和声学模型联合进行建模。声码器在HIFI-GAN开源工作的基础上我们针对16k, 48k采样率下的模型结构进行了调优设计并提供了基于因果卷积的低时延流式生成和chunk流式生成机制可与声学模型配合支持CPU、GPU等硬件条件下的实时流式合成。",
"hot": 34612,
"pic": "example.jpg",
"uuid": "speech-sambert-hifigan-tts-zhiyan-emo-zh-cn-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "ofa-image-caption-muge-base-zh",
"label": "OFA图像描述-中文-电商领域-base",
"describe": "根据用户输入的任意商品图片AI智能创作模型3秒内快速写出“商品描述”。",
"hot": 34157,
"pic": "example.png",
"uuid": "ofa-image-caption-muge-base-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像描述",
"field": "多模态"
},
{
"price": "1",
"name": "speech-frcrn-ans-cirm-16k",
"label": "FRCRN语音降噪-单麦-16k",
"describe": "支持音频通话场景和各种噪声环境下语音音频录音的单通道语音智能降噪模型算法。模型输入和输出均为16kHz采样率单通道语音时域波形信号输入信号可有单通道麦克风直接进行录制输出为噪声抑制后的语音音频信号[1]。",
"hot": 33671,
"pic": "example.png",
"uuid": "speech-frcrn-ans-cirm-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音降噪",
"field": "听觉"
},
{
"price": "1",
"name": "cv-unet-image-face-fusion-damo",
"label": "图像人脸融合",
"describe": "给定一张模板图像和一张用户图像,图像人脸融合模型能够自动地将用户图中的人脸融合到模板人脸图像中,生成一张包含用户图人脸特征的新图像。",
"hot": 31748,
"pic": "example.jpg",
"uuid": "cv-unet-image-face-fusion-damo",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像人脸融合",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-ddcolor-image-colorization",
"label": "DDColor图像上色",
"describe": "DDColor 是最新的图像上色算法,输入一张黑白图像,返回上色处理后的彩色图像,并能够实现自然生动的上色效果。",
"hot": 31108,
"pic": "example.jpg",
"uuid": "cv-ddcolor-image-colorization",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像上色",
"field": "机器视觉"
},
{
"price": "1",
"name": "mgeo-geographic-elements-tagging-chinese-base",
"label": "MGeo门址地址结构化要素解析-中文-地址领域-base",
"describe": "模型用于识别门址地址中的常见要素例如行政区划信息、路网信息、POI (兴趣点)、楼栋号、户室号等。",
"hot": 30450,
"pic": "example.jpg",
"uuid": "mgeo-geographic-elements-tagging-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "序列标注",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-nafnet-image-denoise-sidd",
"label": "NAFNet图像去噪",
"describe": "NAFNetNonlinear Activation Free Network提出了一个简单的基线计算效率高。其不需要使用非线性激活函数Sigmoid、ReLU、GELU、Softmax等可以达到SOTA性能。",
"hot": 29541,
"pic": "example.png",
"uuid": "cv-nafnet-image-denoise-sidd",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像降噪",
"field": "机器视觉"
},
{
"price": "1",
"name": "chatyuan-large",
"label": "元语功能型对话大模型",
"describe": "元语功能型对话大模型这个模型可以用于问答、结合上下文做对话、做各种生成任务包括创意性写作也能回答一些像法律、新冠等领域问题。它基于PromptCLUE-large结合数亿条功能对话多轮对话数据进一步训练得到。",
"hot": 28628,
"pic": "example.jpeg",
"uuid": "chatyuan-large",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "端到端文本生成",
"field": "大模型"
},
{
"price": "1",
"name": "cv-crnn-ocr-recognition-general-damo",
"label": "读光-文字识别-CRNN模型-中英-通用领域",
"describe": "",
"hot": 27699,
"pic": "example.jpg",
"uuid": "cv-crnn-ocr-recognition-general-damo",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文字识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-convai-text2sql-pretrain-cn",
"label": "SPACE-T表格问答预训练模型-中文-通用领域-base",
"describe": "SPACE-T表格问答预训练模型-中文-通用领域-base大规模预训练模型基于transformers架构在千万级中文表格亿级中文表格训练数据上进行预训练在中文跨领域、多轮、Text-to-SQL语义解析等任务上能取得很好的效果。",
"hot": 27121,
"pic": "example.jpeg",
"uuid": "nlp-convai-text2sql-pretrain-cn",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "表格问答",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-zh-cn-16k-common-vocab8358-tensorflow1-online",
"label": "UniASR语音识别-中文-通用-16k-实时",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 25820,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-zh-cn-16k-common-vocab8358-tensorflow1-online",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "mplug-image-captioning-coco-base-en",
"label": "mPLUG图像描述模型-英文-base",
"describe": "达摩MPLUG英文图像描述base模型",
"hot": 25449,
"pic": "example.jpg",
"uuid": "mplug-image-captioning-coco-base-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像描述",
"field": "多模态"
},
{
"price": "1",
"name": "nlp-gpt3-poetry-generation-chinese-large",
"label": "GPT-3诗词生成模型-中文-large",
"describe": "3亿参数量的中文GPT-3诗词生成模型",
"hot": 24427,
"pic": "example.jpeg",
"uuid": "nlp-gpt3-poetry-generation-chinese-large",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成",
"field": "大模型"
},
{
"price": "1",
"name": "speech-sambert-hifigan-tts-zh-cn-16k",
"label": "语音合成-中文-多情感领域-16k-多发音人",
"describe": "本模型是一种应用于参数TTS系统的后端声学模型及声码器模型。其中后端声学模型的SAM-BERT,将时长模型和声学模型联合进行建模。声码器在HIFI-GAN开源工作的基础上我们针对16k, 48k采样率下的模型结构进行了调优设计并提供了基于因果卷积的低时延流式生成和chunk流式生成机制可与声学模型配合支持CPU、GPU等硬件条件下的实时流式合成。",
"hot": 24327,
"pic": "example.jpg",
"uuid": "speech-sambert-hifigan-tts-zh-cn-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "cv-resnet-facedetection-scrfd10gkps",
"label": "SCRFD人脸检测关键点模型",
"describe": "输入图片检测其中的人脸区域及5点关键点支持检测极大/极小脸和任意角度人脸。",
"hot": 24183,
"pic": "example.jpg",
"uuid": "cv-resnet-facedetection-scrfd10gkps",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-chinese-base-cmeee",
"label": "RaNER命名实体识别-中文-医疗领域-base",
"describe": "该模型是基于检索增强(RaNer)方法在中文CMeEE数据集训练的模型。本方法采用Transformer-CRF模型使用StructBERT作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 23528,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-chinese-base-cmeee",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "ofa-visual-grounding-refcoco-large-zh",
"label": "OFA通过描述定位图像物体-中文-通用领域-large",
"describe": "中文视觉定位任务:给定一张图片,一段描述,通过描述找到图片对应的物体。",
"hot": 22558,
"pic": "example.jpg",
"uuid": "ofa-visual-grounding-refcoco-large-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视觉定位",
"field": "多模态"
},
{
"price": "1",
"name": "nlp-palm2-0-text-generation-chinese-base",
"label": "PALM 2.0摘要生成模型-中文-base",
"describe": "本任务是PALM通用预训练生成模型在英文CNN/Dail Mail和中文LCSTS上进行finetune的文本摘要生成下游任务。",
"hot": 22276,
"pic": "example.jpeg",
"uuid": "nlp-palm2-0-text-generation-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成",
"field": "自然语言"
},
{
"price": "1",
"name": "mplug-visual-question-answering-coco-large-en",
"label": "mPLUG视觉问答模型-英文-large",
"describe": "本任务是mPLUG在英文VQA数据集进行finetune的视觉问答下游任务。给定一个问题和图片通过图片信息来给出答案。",
"hot": 22072,
"pic": "example.jpg",
"uuid": "mplug-visual-question-answering-coco-large-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视觉问答",
"field": "多模态"
},
{
"price": "1",
"name": "cv-csrnet-image-color-enhance-models",
"label": "CSRNet图像调色",
"describe": "基于CSRNet实现的图像色彩增强算法输入待增强图像输出色彩增强后的图像。CSRNet通过计算全局调整参数并将之作用于条件网络得到的特征保证效果的基础之上实现轻便高效的训练和推理。",
"hot": 21993,
"pic": "example.jpg",
"uuid": "cv-csrnet-image-color-enhance-models",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像颜色增强",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-vit-base-image-classification-dailylife-labels",
"label": "ViT图像分类-中文-日常物品",
"describe": "自建1300类常见物体标签体系覆盖常见的日用品动物植物家具设备食物等物体标签从海量中文互联网社区语料进行提取保留了出现频率较高的常见物体名称。模型结构采用最新的ViT-Base结构。",
"hot": 21950,
"pic": "example.jpg",
"uuid": "cv-vit-base-image-classification-dailylife-labels",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用分类",
"field": "机器视觉"
},
{
"price": "1",
"name": "multi-modal-clip-vit-large-patch14-336-zh",
"label": "CLIP模型-中文-通用领域-large-336分辨率",
"describe": "本项目为CLIP模型的中文版本使用大规模中文数据进行训练~2亿图文对旨在帮助用户实现中文领域的跨模态检索、图像表示等。视觉encoder采用vit结构文本encoder采用roberta结构。 模型在多个中文图文检索数据集上进行了效果测试。",
"hot": 21116,
"pic": "example.jpg",
"uuid": "multi-modal-clip-vit-large-patch14-336-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "多模态表征",
"field": "多模态"
},
{
"price": "1",
"name": "cv-resnest101-general-recognition",
"label": "万物识别-中文-通用领域",
"describe": "本模型是对包含主体物体的图像进行标签识别无需任何额外输入输出主体物体的类别标签目前已经覆盖了5W多类的物体类别几乎囊括了日常所有物体。",
"hot": 19389,
"pic": "example.jpg",
"uuid": "cv-resnest101-general-recognition",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "万物识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-resnet50-video-category",
"label": "短视频内容分类模型-中文-通用领域",
"describe": "本模型采用ResNet-50网络结构提取视觉特征并利用NextVLAD网络对连续视频帧进行特征聚合。本模型是对短视频进行内容分类输入视频片段输出视频内容分类目前已经覆盖了23个一级类目/160个二级类目。",
"hot": 19022,
"pic": "example.jpg",
"uuid": "cv-resnet50-video-category",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "短视频内容识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "mplug-image-captioning-coco-large-en",
"label": "mPLUG图像描述模型-英文-large",
"describe": "达摩MPLUG英文图像描述large模型",
"hot": 17743,
"pic": "example.jpg",
"uuid": "mplug-image-captioning-coco-large-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像描述",
"field": "多模态"
},
{
"price": "1",
"name": "speech-sambert-hifigan-tts-zhitian-emo-zh-cn-16k",
"label": "语音合成-中文-多情感领域-16k-发音人Zhitian",
"describe": "本模型是一种应用于参数TTS系统的后端声学模型及声码器模型。其中后端声学模型的SAM-BERT,将时长模型和声学模型联合进行建模。声码器在HIFI-GAN开源工作的基础上我们针对16k, 48k采样率下的模型结构进行了调优设计并提供了基于因果卷积的低时延流式生成和chunk流式生成机制可与声学模型配合支持CPU、GPU等硬件条件下的实时流式合成。",
"hot": 17437,
"pic": "example.jpg",
"uuid": "speech-sambert-hifigan-tts-zhitian-emo-zh-cn-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-structbert-word-segmentation-chinese-base-ecommerce",
"label": "BAStructBERT分词-中文-电商领域-base",
"describe": "基于预训练语言模型的电商领域中文分词模型,根据用户输入的中文句子产出分词结果。",
"hot": 17284,
"pic": "example.png",
"uuid": "nlp-structbert-word-segmentation-chinese-base-ecommerce",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "分词",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-convnexttiny-ocr-recognition-document-damo",
"label": "读光-文字识别-行识别模型-中英-文档印刷体文本领域",
"describe": "给定一张文档印刷体图片,识别出图中所含文字并输出字符串。",
"hot": 17181,
"pic": "example.jpg",
"uuid": "cv-convnexttiny-ocr-recognition-document-damo",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文字识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-bart-text-error-correction-chinese",
"label": "BART文本纠错-中文-通用领域-large",
"describe": "我们采用seq2seq方法建模文本纠错任务。模型训练上我们使用中文BART作为预训练模型然后在Lang8和HSK训练数据上进行finetune。不引入额外资源的情况下本模型在NLPCC18测试集上达到了SOTA。",
"hot": 17104,
"pic": "example.png",
"uuid": "nlp-bart-text-error-correction-chinese",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本纠错",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-rom-passage-ranking-chinese-base",
"label": "ROM语义相关性-中文-通用领域-base",
"describe": "基于ROM-Base预训练模型的通用领域中文语义相关性模型模型以一个source sentence以及一个句子列表作为输入最终输出source sentence与列表中每个句子的相关性得分0-1分数越高代表两者越相关。",
"hot": 17073,
"pic": "example.png",
"uuid": "nlp-rom-passage-ranking-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语义相关性",
"field": "自然语言"
},
{
"price": "1",
"name": "promptclue-base-v1-5",
"label": "全中文任务支持零样本学习模型v1.5",
"describe": "支持近20中文任务并具有零样本学习能力。 针对理解类任务如分类、情感分析、抽取等可以自定义标签体系针对生成任务可以进行采样自由生成。使用1000亿中文token字词级别进行大规模预训练累计学习1.5万亿中文token并且在100+任务上进行多任务学习获得。",
"hot": 17035,
"pic": "example.png",
"uuid": "promptclue-base-v1-5",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "端到端文本生成",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-hrnetv2w32-body-2d-keypoints-image",
"label": "HRNet人体关键点-2D",
"describe": "输入一张人物图像实现端到端的人体关键点检测输出图像中所有人体的15点人体关键点、点位置信度和人体检测框。",
"hot": 16873,
"pic": "example.jpeg",
"uuid": "cv-hrnetv2w32-body-2d-keypoints-image",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人体2D关键点",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-structbert-word-segmentation-chinese-lite",
"label": "BAStructBERT分词-中文-新闻领域-lite",
"describe": "基于预训练语言模型的新闻领域中文分词模型,根据用户输入的中文句子产出分词结果。",
"hot": 16733,
"pic": "example.png",
"uuid": "nlp-structbert-word-segmentation-chinese-lite",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "分词",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-convnexttiny-ocr-recognition-handwritten-damo",
"label": "读光-文字识别-行识别模型-中英-手写文本领域",
"describe": "给定一张手写体图片,识别出图中所含文字并输出字符串。",
"hot": 16719,
"pic": "example.jpg",
"uuid": "cv-convnexttiny-ocr-recognition-handwritten-damo",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文字识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-nanodet-face-human-hand-detection",
"label": "目标检测-人脸人体人手-通用领域",
"describe": "通用场景下的,人脸-人体-人手三合一目标检测",
"hot": 16165,
"pic": "example.jpg",
"uuid": "cv-nanodet-face-human-hand-detection",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸人体人手三合一检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-ja-16k-common-vocab93-tensorflow1-offline",
"label": "UniASR语音识别-日语-通用-16k-离线",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 15999,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-ja-16k-common-vocab93-tensorflow1-offline",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-corom-sentence-embedding-chinese-base",
"label": "CoROM文本向量-中文-通用领域-base",
"describe": "基于CoROM-base预训练语言模型的通用领域中文文本表示模型基于输入的句子产出对应的文本向量文本向量可以使用在下游的文本检索、句子相似度计算、文本聚类等任务中。",
"hot": 15883,
"pic": "example.png",
"uuid": "nlp-corom-sentence-embedding-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本向量",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-chinese-large-generic",
"label": "RaNER命名实体识别-中文-通用领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在中文数据集MultiCoNER-ZH-Chinese训练的模型。 本方法采用Transformer-CRF模型使用XLM-RoBERTa作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 15855,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-chinese-large-generic",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "ofa-visual-question-answering-pretrain-large-en",
"label": "OFA视觉问答-英文-通用领域-large",
"describe": "视觉问答任务:给定一张图片和一个关于图片的问题,要求模型正确作答。",
"hot": 15507,
"pic": "example.jpg",
"uuid": "ofa-visual-question-answering-pretrain-large-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视觉问答",
"field": "多模态"
},
{
"price": "1",
"name": "cv-googlenet-pgl-video-summarization",
"label": "PGL_SUM视频摘要-Web视频领域",
"describe": "视频摘要,输入一段长视频,算法对视频进行镜头切割得到视频片段,评估视频帧的重要性,输出重要视频帧的帧号,根据帧号可以合成一段短视频(摘要视频)。",
"hot": 15496,
"pic": "example.jpg",
"uuid": "cv-googlenet-pgl-video-summarization",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频摘要",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-r50-panoptic-segmentation-cocopan",
"label": "Mask2Former-R50全景分割",
"describe": "基于Mask2Former架构resnet50为backbone的全景分割模型。训练数据库为COCO-Panoptic。支持finetune。",
"hot": 15238,
"pic": "example.jpg",
"uuid": "cv-r50-panoptic-segmentation-cocopan",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用图像分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "ofa-visual-grounding-refcoco-large-en",
"label": "OFA通过描述定位图像物体-英文-通用领域-large",
"describe": "视觉定位任务:给定一张图片,一段描述,通过描述找到图片对应的物体。",
"hot": 15110,
"pic": "example.jpg",
"uuid": "ofa-visual-grounding-refcoco-large-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视觉定位",
"field": "多模态"
},
{
"price": "1",
"name": "nlp-palm2-0-text-generation-commodity-chinese-base",
"label": "PALM 2.0商品文案生成-中文-base",
"describe": "达摩PALM 2.0中文商品文案生成base模型",
"hot": 15044,
"pic": "example.jpg",
"uuid": "nlp-palm2-0-text-generation-commodity-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-corom-passage-ranking-chinese-base-ecom",
"label": "CoROM语义相关性-中文-电商领域-base",
"describe": "基于ROM-Base预训练模型的电商领域中文语义相关性模型模型以一个source sentence以及一个句子列表作为输入最终输出source sentence与列表中每个句子的相关性得分0-1分数越高代表两者越相关。",
"hot": 14893,
"pic": "example.jpg",
"uuid": "nlp-corom-passage-ranking-chinese-base-ecom",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语义相关性",
"field": "自然语言"
},
{
"price": "1",
"name": "spring-couplet-generation",
"label": "春联生成模型-中文-base",
"describe": "春联生成模型是达摩院AliceMind团队利用基础生成大模型在春联场景的应用该模型可以通过输入两字随机祝福词生成和祝福词相关的春联。",
"hot": 14747,
"pic": "example.jpg",
"uuid": "spring-couplet-generation",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成",
"field": "大模型"
},
{
"price": "1",
"name": "nlp-corom-sentence-embedding-chinese-base-ecom",
"label": "CoROM文本向量-中文-电商领域-base",
"describe": "基于CoROM-base预训练语言模型的电商领域中文文本表示模型基于输入的句子产出对应的文本向量文本向量可以使用在下游的文本检索、句子相似度计算、文本聚类等任务中。",
"hot": 14303,
"pic": "example.jpg",
"uuid": "nlp-corom-sentence-embedding-chinese-base-ecom",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本向量",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-gan-face-image-generation",
"label": "StyleGAN2人脸生成",
"describe": "StyleGAN是图像生成领域的代表性工作StyleGAN2在StyleGAN的基础上采用Weight Demodulation取代AdaIN等改进极大的减少了water droplet artifacts等生成结果有了质的提升甚至能达到以假乱真的程度。",
"hot": 14190,
"pic": "example.jpg",
"uuid": "cv-gan-face-image-generation",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸生成",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-gpt3-text-generation-13b",
"label": "GPT-3预训练生成模型-中文-13B",
"describe": "13B参数量的中文GPT-3文本生成模型",
"hot": 14182,
"pic": "example.jpg",
"uuid": "nlp-gpt3-text-generation-13b",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成",
"field": "大模型"
},
{
"price": "1",
"name": "nlp-structbert-word-segmentation-chinese-lite-ecommerce",
"label": "BAStructBERT分词-中文-电商领域-lite",
"describe": "基于预训练语言模型的电商领域中文分词模型,根据用户输入的中文句子产出分词结果。",
"hot": 13880,
"pic": "example.png",
"uuid": "nlp-structbert-word-segmentation-chinese-lite-ecommerce",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "分词",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-mt5-zero-shot-augment-chinese-base",
"label": "全任务零样本学习-mT5分类增强版-中文-base",
"describe": "该模型在mt5模型基础上使用了大量中文数据进行训练并引入了零样本分类增强的技术使模型输出稳定性大幅提升。支持任务包含分类、摘要、翻译、阅读理解、问题生成等等。",
"hot": 13750,
"pic": "example.jpg",
"uuid": "nlp-mt5-zero-shot-augment-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "端到端文本生成",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-sambert-hifigan-tts-zh-cn-multisp-pretrain-16k",
"label": "SambertHifigan语音合成-中文-多人预训练-16k",
"describe": "中文语音合成16k采样率多人预训练模型",
"hot": 13580,
"pic": "example.jpg",
"uuid": "speech-sambert-hifigan-tts-zh-cn-multisp-pretrain-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "cv-aams-style-transfer-damo",
"label": "AAMS图像风格迁移",
"describe": "给定内容图像和风格图像作为输入,风格迁移模型会自动地将内容图像的风格、纹理特征变换为风格图像的类型,同时保证图像的内容特征不变",
"hot": 13553,
"pic": "example.jpg",
"uuid": "cv-aams-style-transfer-damo",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "风格迁移",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-rrdb-image-super-resolution",
"label": "RealESRGAN图像超分辨率-x4",
"describe": "RealESRGAN提出了通过多次降质的方式来模拟真实复杂降质相比较于之前的简单下采样能够更好处理真实的低分辨率场景。",
"hot": 13192,
"pic": "example.png",
"uuid": "cv-rrdb-image-super-resolution",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像超分辨",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-charctc-kws-phone-xiaoyun",
"label": "CTC语音唤醒-移动端-单麦-16k-小云小云",
"describe": "移动端语音唤醒模型检测关键词为“小云小云”。模型主体为4层FSMN结构使用CTC训练准则参数量750K适用于移动端设备运行。",
"hot": 13079,
"pic": "example.jpg",
"uuid": "speech-charctc-kws-phone-xiaoyun",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音唤醒",
"field": "听觉"
},
{
"price": "1",
"name": "cv-convnexttiny-ocr-recognition-licenseplate-damo",
"label": "读光-文字识别-行识别模型-中英-车牌文本领域",
"describe": "给定一张车牌图片,识别出图中所含文字并输出字符串。",
"hot": 12755,
"pic": "example.jpg",
"uuid": "cv-convnexttiny-ocr-recognition-licenseplate-damo",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文字识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "ofa-ocr-recognition-general-base-zh",
"label": "OFA文字识别-中文-通用场景-base",
"describe": "基于OFA模型的finetune后的OCR文字识别任务基于通用数据集训练比特定数据集finetune效果相差不大。",
"hot": 12734,
"pic": "example.jpg",
"uuid": "ofa-ocr-recognition-general-base-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文字识别",
"field": "多模态"
},
{
"price": "1",
"name": "ofa-ocr-recognition-scene-base-zh",
"label": "OFA文字识别-中文-日常场景-base",
"describe": "基于OFA模型的finetune后的OCR文字识别任务可有效识别日常场景的文字内容比如广告牌、店铺名等等",
"hot": 12566,
"pic": "example.jpg",
"uuid": "ofa-ocr-recognition-scene-base-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文字识别",
"field": "多模态"
},
{
"price": "1",
"name": "cv-swin-b-image-instance-segmentation-coco",
"label": "CascadeMaskRCNN-SwinB图像实例分割",
"describe": "基于Cascade mask rcnn架构backbone为swin transformer模型。",
"hot": 11968,
"pic": "example.jpeg",
"uuid": "cv-swin-b-image-instance-segmentation-coco",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用图像分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "ofa-image-caption-coco-huge-en",
"label": "OFA图像描述-英文-通用领域-huge",
"describe": "根据用户输入的任意图片AI智能创作模型3秒内快速写出“一句话描述”可用于图像标签和图像简介。",
"hot": 11960,
"pic": "example.jpg",
"uuid": "ofa-image-caption-coco-huge-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像描述",
"field": "多模态"
},
{
"price": "1",
"name": "speech-sambert-hifigan-tts-zhibei-emo-zh-cn-16k",
"label": "语音合成-中文-多情感领域-16k-发音人Zhibei",
"describe": "本模型是一种应用于参数TTS系统的后端声学模型及声码器模型。其中后端声学模型的SAM-BERT,将时长模型和声学模型联合进行建模。声码器在HIFI-GAN开源工作的基础上我们针对16k, 48k采样率下的模型结构进行了调优设计并提供了基于因果卷积的低时延流式生成和chunk流式生成机制可与声学模型配合支持CPU、GPU等硬件条件下的实时流式合成。",
"hot": 11915,
"pic": "example.jpg",
"uuid": "speech-sambert-hifigan-tts-zhibei-emo-zh-cn-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "speech-sambert-hifigan-tts-zhizhe-emo-zh-cn-16k",
"label": "语音合成-中文-多情感领域-16k-发音人Zhizhe",
"describe": "本模型是一种应用于参数TTS系统的后端声学模型及声码器模型。其中后端声学模型的SAM-BERT,将时长模型和声学模型联合进行建模。声码器在HIFI-GAN开源工作的基础上我们针对16k, 48k采样率下的模型结构进行了调优设计并提供了基于因果卷积的低时延流式生成和chunk流式生成机制可与声学模型配合支持CPU、GPU等硬件条件下的实时流式合成。",
"hot": 11643,
"pic": "example.jpg",
"uuid": "speech-sambert-hifigan-tts-zhizhe-emo-zh-cn-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-gpt3-kuakua-robot-chinese-large",
"label": "GPT-3夸夸机器人-中文-large",
"describe": "GPT-3夸夸机器人主要用于夸夸场景我们训练的机器人可以针对用户的不同输入进行全方位无死角的夸同时针对相同的输入重复调用模型会得到不同的夸奖词",
"hot": 11532,
"pic": "example.jpg",
"uuid": "nlp-gpt3-kuakua-robot-chinese-large",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成",
"field": "大模型"
},
{
"price": "1",
"name": "cv-convnexttiny-ocr-recognition-scene-damo",
"label": "读光-文字识别-行识别模型-中英-自然场景文本领域",
"describe": "给定一张自然场景图片,识别出图中所含文字并输出字符串。",
"hot": 11512,
"pic": "example.jpg",
"uuid": "cv-convnexttiny-ocr-recognition-scene-damo",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文字识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-lstmcrf-word-segmentation-chinese-news",
"label": "LSTM分词-中文-新闻领域",
"describe": "char-BiLSTM-CRF中文新闻领域分词模型",
"hot": 11184,
"pic": "example.jpg",
"uuid": "nlp-lstmcrf-word-segmentation-chinese-news",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "分词",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-vitb16-segmentation-shop-seg",
"label": "商品显著性图像分割-电商领域",
"describe": "商品显著性分割模型对商品图像提取显著性区域mask",
"hot": 11016,
"pic": "example.jpg",
"uuid": "cv-vitb16-segmentation-shop-seg",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "商品显著性分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-corom-passage-ranking-english-base",
"label": "CoROM语义相关性-英文-通用领域-base",
"describe": "基于CoROM-Base预训练模型的通用领域英文语义相关性模型模型以一个source sentence以及一个句子列表作为输入最终输出source sentence与列表中每个句子的相关性得分0-1分数越高代表两者越相关。",
"hot": 10988,
"pic": "example.jpg",
"uuid": "nlp-corom-passage-ranking-english-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语义相关性",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-mfcca-asr-zh-cn-16k-alimeeting-vocab4950",
"label": "MFCCA多通道多说话人语音识别-中文-AliMeeting-16k-离线",
"describe": "考虑到麦克风阵列不同麦克风接收信号的差异该模型采用了一种多帧跨通道注意力机制该方法对相邻帧之间的跨通道信息进行建模以利用帧级和通道级信息的互补性。此外还引入了一种多层卷积模块以融合多通道输出和一种通道掩码策略以解决训练和推理之间的音频通道数量不匹配的问题。在ICASSP2022 M2MeT竞赛上发布的真实会议场景语料库AliMeeting上进行了相关实验该多通道模型在Eval和Test集上比单通道模型CER分别相对降低了39.9%和37.0%。此外在同等的模型参数和训练数据下本文提出的模型获得的识别性能超越竞赛期间最佳结果在AliMeeting上实现了目前最新的SOTA性能。",
"hot": 10800,
"pic": "example.jpg",
"uuid": "speech-mfcca-asr-zh-cn-16k-alimeeting-vocab4950",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-lstmcrf-word-segmentation-chinese-ecommerce",
"label": "LSTM分词-中文-电商领域",
"describe": "char-biLSTM-CRF中文电商领域分词模型",
"hot": 10781,
"pic": "example.jpg",
"uuid": "nlp-lstmcrf-word-segmentation-chinese-ecommerce",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "分词",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-unet-image-colorization",
"label": "DeOldify图像上色",
"describe": "DeOldify是图像上色领域比较有名的开源算法模型利用resnet作为encoder构建一个unet结构的网络并提出了多个不同的训练版本在效果、效率、鲁棒性等等方面有良好的综合表现。",
"hot": 10429,
"pic": "example.jpg",
"uuid": "cv-unet-image-colorization",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像上色",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-bert-relation-extraction-chinese-base-commerce",
"label": "DIRECT商品评价解析-中文-电商-base",
"describe": "",
"hot": 10210,
"pic": "example.jpg",
"uuid": "nlp-bert-relation-extraction-chinese-base-commerce",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "关系抽取",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-mobilenet-face-2d-keypoints-alignment",
"label": "106点人脸关键点-通用领域-2D",
"describe": "人脸2d关键点对齐模型",
"hot": 10205,
"pic": "example.jpg",
"uuid": "cv-mobilenet-face-2d-keypoints-alignment",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸2D关键点",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-tinynas-object-detection-damoyolo-m",
"label": "DAMOYOLO-高性能通用检测模型-M",
"describe": "DAMOYOLO是一款面向工业落地的高性能检测框架精度和速度超越当前的一众典型YOLO框架YOLOE、YOLOv6、YOLOv7。基于TinyNAS技术DAMOYOLO能够针对不同的硬件算力进行低成本的模型定制化搜索。这里仅提供DAMOYOLO-M模型更多模型请参考README。",
"hot": 10138,
"pic": "example.jpg",
"uuid": "cv-tinynas-object-detection-damoyolo-m",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用目标检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-corom-sentence-embedding-english-base",
"label": "CoROM文本向量-英文-通用领域-base",
"describe": "基于CoROM-Base预训练语言模型的通用领域英文文本表示模型基于输入的句子产出对应的连续文本向量改文本向量可以使用在下游的文本检索、句子相似度计算、文本聚类等任务中。",
"hot": 10019,
"pic": "example.png",
"uuid": "nlp-corom-sentence-embedding-english-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本向量",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-paraformer-large-asr-nat-zh-cn-16k-common-vocab8358-tensorflow1",
"label": "Paraformer语音识别-中文-通用-16k-离线-large",
"describe": "Paraformer是一种非自回归端到端语音识别模型。非自回归模型相比于目前主流的自回归模型可以并行的对整条句子输出目标文字特别适合利用GPU进行并行推理。Paraformer是目前已知的首个在工业大数据上可以获得和自回归端到端模型相同性能的非自回归模型。配合GPU推理可以将推理效率提升10倍从而将语音识别云服务的机器成本降低接近10倍。",
"hot": 9786,
"pic": "example.jpg",
"uuid": "speech-paraformer-large-asr-nat-zh-cn-16k-common-vocab8358-tensorflow1",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-structbert-sentence-similarity-chinese-large",
"label": "StructBERT文本相似度-中文-通用-large",
"describe": "StructBERT文本相似度-中文-通用-large是在structbert-large-chinese预训练模型的基础上用atec、bq_corpus、chineseSTS、lcqmc、paws-x-zh五个数据集52.5w条数据正负比例0.48:0.52)训练出来的相似度匹配模型。",
"hot": 9713,
"pic": "example.png",
"uuid": "nlp-structbert-sentence-similarity-chinese-large",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "句子相似度",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-resnetc3d-action-detection-detection2d",
"label": "日常动作检测",
"describe": "输入视频文件输出该段时间内视频所包含的动作当前支持9中常见动作识别",
"hot": 9648,
"pic": "example.jpg",
"uuid": "cv-resnetc3d-action-detection-detection2d",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "动作检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-flow-based-body-reshaping-damo",
"label": "FBBR人体美型",
"describe": "给定一张单个人物图像(半身或全身),无需任何额外输入,人体美型模型能够端到端地实现对人物身体区域(肩部,腰部,腿部等)的自动化美型处理。",
"hot": 9427,
"pic": "example.gif",
"uuid": "cv-flow-based-body-reshaping-damo",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人体美型",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-chinese-base-generic",
"label": "RaNER命名实体识别-中文-通用领域-base",
"describe": "该模型是基于检索增强(RaNer)方法在中文Ontonotes4.0数据集训练的模型。本方法采用Transformer-CRF模型使用StructBERT作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 9398,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-chinese-base-generic",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-tinynas-classification",
"label": "TinyNAS高性能图像分类网络结构模型",
"describe": "ZenNet 是基于 Tiny-NAS (Zen-NAS) 算法设计出的高效的卷积网络结构。 本 demo 只提供 zennet_imagenet1k_latency12ms_res22 backbone其它网络结构可以从README 中获取。",
"hot": 9348,
"pic": "example.jpg",
"uuid": "cv-tinynas-classification",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用分类",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-structbert-sentiment-classification-chinese-ecommerce-base",
"label": "StructBERT情感分类-中文-电商-base",
"describe": "StructBERT中文情感分类模型是基于百万电商评价数据训练出来的情感分类模型",
"hot": 9332,
"pic": "example.png",
"uuid": "nlp-structbert-sentiment-classification-chinese-ecommerce-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本分类",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-u2net-salient-detection",
"label": "U2Net图像显著性检测",
"describe": "给定一张输入图像输出视觉显著注意力程度图归一化至0~255。",
"hot": 9325,
"pic": "example.jpg",
"uuid": "cv-u2net-salient-detection",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语义分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-bert-document-segmentation-chinese-base",
"label": "BERT文本分割-中文-通用领域",
"describe": "该模型基于wiki-zh公开语料训练对未分割的长文本进行段落分割。提升未分割文本的可读性以及下游NLP任务的性能。",
"hot": 9324,
"pic": "example.jpg",
"uuid": "nlp-bert-document-segmentation-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本分割",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-chinese-base-ecom",
"label": "RaNER命名实体识别-中文-电商领域-base",
"describe": "该模型是基于检索增强(RaNer)方法在中文电商数据集训练的模型。本方法采用Transformer-CRF模型使用sbert-base作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 9250,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-chinese-base-ecom",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-corom-sentence-embedding-chinese-base-medical",
"label": "CoROM文本向量-中文-医疗领域-base",
"describe": "基于ROM-Base预训练模型的医疗领域中文语义相关性模型模型以一个source sentence以及一个句子列表作为输入最终输出source sentence与列表中每个句子的相关性得分0-1分数越高代表两者越相关。",
"hot": 9192,
"pic": "example.jpg",
"uuid": "nlp-corom-sentence-embedding-chinese-base-medical",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本向量",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-csanmt-translation-en2zh-base",
"label": "CSANMT连续语义增强机器翻译-英中-通用领域-base",
"describe": "基于连续语义增强的神经机器翻译模型以有限的训练样本为锚点,学习连续语义分布以建模全局的句子空间,并据此构建神经机器翻译引擎,有效提升数据的利用效率,显著改善模型的泛化能力和鲁棒性。",
"hot": 8981,
"pic": "example.jpg",
"uuid": "nlp-csanmt-translation-en2zh-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "翻译",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-hrnet-crowd-counting-dcanet",
"label": "DCANet人群密度估计-多域",
"describe": "采用单一模型就可以同时针对多个不同域的数据进行精确预测是multidomain crowd counting中经典的方法",
"hot": 8952,
"pic": "example.jpeg",
"uuid": "cv-hrnet-crowd-counting-dcanet",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人群密度估计",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-vitb-video-single-object-tracking-ostrack",
"label": "OSTrack视频单目标跟踪-通用领域",
"describe": "该模型采用基于OSTrack的Transformer方案输入视频和对应第一帧的待跟踪目标物体矩形框可端对端推理得到待跟踪目标物体在每一帧图片的跟踪矩形框。",
"hot": 8918,
"pic": "example.gif",
"uuid": "cv-vitb-video-single-object-tracking-ostrack",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频单目标跟踪",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-passvitb-image-reid-person-market",
"label": "行人图像特征表示提取-Market1501",
"describe": "基于图片的行人图像特征表示image embedding提取模型。输入图像可提取并输出图像的特征表示后续能够利用该特征表示进行后续的相似度计算和图像排序。",
"hot": 8814,
"pic": "example.jpg",
"uuid": "cv-passvitb-image-reid-person-market",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "行人重识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-structbert-sentiment-classification-chinese-large",
"label": "StructBERT情感分类-中文-通用-large",
"describe": "StructBERT情感分类-中文-通用-large是基于bdci、dianping、jd binary、waimai-10k四个数据集11.5w条数据)训练出来的情感分类模型",
"hot": 8780,
"pic": "example.png",
"uuid": "nlp-structbert-sentiment-classification-chinese-large",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本分类",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-palm2-0-text-generation-chinese-large",
"label": "PALM 2.0摘要生成模型-中文-large",
"describe": "PALM 2.0中文摘要生成large模型",
"hot": 8648,
"pic": "example.jpeg",
"uuid": "nlp-palm2-0-text-generation-chinese-large",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成",
"field": "自然语言"
},
{
"price": "1",
"name": "u2pp-conformer-asr-cn-16k-online",
"label": "WeNet-U2pp_Conformer-语音识别-中文-16k-实时",
"describe": "WeNet 是一款面向工业落地应用的语音识别工具包,提供了从语音识别模型的训练到部署的一条龙服务。我们使用 conformer 网络结构和 CTC/attention loss 联合优化方法,统一的流式/非流式语音识别方案,具有业界一流的识别效果;提供云上和端上直接部署的方案,最小化模型训练和产品落地之间的工程工作;框架简洁,模型训练部分完全基于 pytorch 生态,不依赖于 kaldi 等复杂的工具。 详细的注释和文档,非常适合用于学习端到端语音识别的基础知识和实现细节。 支持时间戳,对齐,端点检测,语言模型等相关功能。",
"hot": 8565,
"pic": "example.png",
"uuid": "u2pp-conformer-asr-cn-16k-online",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-gpt3-text-generation-chinese-large",
"label": "GPT-3预训练生成模型-中文-large",
"describe": "3亿参数量的中文GPT-3文本生成模型",
"hot": 8543,
"pic": "example.jpg",
"uuid": "nlp-gpt3-text-generation-chinese-large",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成",
"field": "大模型"
},
{
"price": "1",
"name": "erlangshen-roberta-330m-sentiment",
"label": "二郎神-RoBERTa-330M-情感分类",
"describe": "二郎神-RoBERTa-330M-情感分类",
"hot": 8526,
"pic": "example.jpg",
"uuid": "erlangshen-roberta-330m-sentiment",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本分类",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-stable-diffusion-v2-image-inpainting-base",
"label": "StableDiffusionV2图像填充",
"describe": "借助Stable Diffusion强大的生成能力StableDiffusionv2图像填充模型能够补全缺失的图像区域生成效果自然而真实不仅如此除了自适应填充背景内容外用户还可以通过指定引导文字在缺失区域生成指定内容畅享AI生成的乐趣。",
"hot": 8478,
"pic": "example.gif",
"uuid": "cv-stable-diffusion-v2-image-inpainting-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像填充",
"field": "大模型"
},
{
"price": "1",
"name": "cv-resnet101-face-detection-cvpr22papermogface",
"label": "MogFace人脸检测模型-large",
"describe": "Wider Face榜单冠军模型。给定一张图片检测图片中的人脸区域支持小脸检测。",
"hot": 7965,
"pic": "example.jpg",
"uuid": "cv-resnet101-face-detection-cvpr22papermogface",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-sambert-hifigan-tts-zh-cn-multisp-pretrain-24k",
"label": "SambertHifigan语音合成-中文-多人预训练-24k",
"describe": "语音合成中文24k采样率多人预训练模型",
"hot": 7940,
"pic": "example.jpg",
"uuid": "speech-sambert-hifigan-tts-zh-cn-multisp-pretrain-24k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-zh-cn-16k-common-vocab8358-tensorflow1-offline",
"label": "UniASR语音识别-中文-通用-16k-离线",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 7908,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-zh-cn-16k-common-vocab8358-tensorflow1-offline",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-structbert-sentence-similarity-chinese-base",
"label": "StructBERT文本相似度-中文-通用-base",
"describe": "StructBERT文本相似度-中文-通用-base是在structbert-base-chinese预训练模型的基础上用atec、bq_corpus、chineseSTS、lcqmc、paws-x-zh五个数据集52.5w条数据正负比例0.48:0.52训练出来的相似度匹配模型。由于license权限问题目前只上传了BQ_Corpus、chineseSTS、LCQMC这三个数据集。",
"hot": 7897,
"pic": "example.png",
"uuid": "nlp-structbert-sentence-similarity-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "句子相似度",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-vit-base-image-classification-imagenet-labels",
"label": "ViT图像分类-通用",
"describe": "本模型适用范围较广支持ImageNet 1000类物体识别也可作为下游任务的预训练backbone。",
"hot": 7787,
"pic": "example.jpg",
"uuid": "cv-vit-base-image-classification-imagenet-labels",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用分类",
"field": "机器视觉"
},
{
"price": "1",
"name": "ofa-ocr-recognition-handwriting-base-zh",
"label": "OFA文字识别-中文-手写体-base",
"describe": "基于OFA模型的finetune后的OCR文字识别任务可有效识别手写体文字。",
"hot": 7753,
"pic": "example.jpg",
"uuid": "ofa-ocr-recognition-handwriting-base-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文字识别",
"field": "多模态"
},
{
"price": "1",
"name": "ofa-image-caption-coco-distilled-en",
"label": "OFA图像描述-英文-通用领域-蒸馏33M",
"describe": "根据用户输入的任意图片AI智能创作模型3秒内快速写出“一句话描述”可用于图像标签和图像简介。",
"hot": 7718,
"pic": "example.jpg",
"uuid": "ofa-image-caption-coco-distilled-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像描述",
"field": "多模态"
},
{
"price": "1",
"name": "nlp-plug-text-generation-27b",
"label": "PLUG预训练生成模型-中文-27B",
"describe": "PLUG是一个270亿参数的大规模中文理解和生成联合预训练模型由海量高质量中文文本预训练得到在中文的多个下游理解和生成任务上该模型效果达到state-of-the-art水平且具有零样本生成能力。",
"hot": 7634,
"pic": "example.jpg",
"uuid": "nlp-plug-text-generation-27b",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-dfsmn-aec-psm-16k",
"label": "DFSMN回声消除-单麦单参考-16k",
"describe": "支持音频通话场景的单通道回声消除模型算法。模型接受单通道麦克风信号和单通道参考信号作为输入,输出回声消除和残余抑制后的音频信号[1]。模型采用Deep FSMN结构提取原始观测信号以及线性滤波后信号的Fbank特征作为输入预测输出目标语音的Phase senstive mask。",
"hot": 7546,
"pic": "example.png",
"uuid": "speech-dfsmn-aec-psm-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "回声消除",
"field": "听觉"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-cn-en-moe-16k-vocab8358-tensorflow1-offline",
"label": "UniASR语音识别-中文英文混-通用-16k-离线",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 7433,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-cn-en-moe-16k-vocab8358-tensorflow1-offline",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "cv-tinynas-human-detection-damoyolo",
"label": "实时人体检测-通用",
"describe": "本模型为高性能热门应用系列检测模型中的实时人体检测模型基于面向工业落地的高性能检测框架DAMOYOLO其精度和速度超越当前经典的YOLO系列方法。用户使用的时候仅需要输入一张图像便可以获得图像中所有人体的坐标信息。更多具体信息请参考Model card。",
"hot": 7408,
"pic": "example.jpg",
"uuid": "cv-tinynas-human-detection-damoyolo",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "垂类目标检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-csanmt-translation-en2fr",
"label": "CSANMT连续语义增强机器翻译-英法-通用领域-base",
"describe": "基于连续语义增强的神经机器翻译模型以有限的训练样本为锚点,学习连续语义分布以建模全局的句子空间,并据此构建神经机器翻译引擎,有效提升数据的利用效率,显著改善模型的泛化能力和鲁棒性。",
"hot": 7235,
"pic": "example.jpg",
"uuid": "nlp-csanmt-translation-en2fr",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "翻译",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-cspnet-image-object-detection-yolox",
"label": "实时目标检测-通用领域",
"describe": "基于yolox小模型的通用检测模型",
"hot": 7153,
"pic": "example.jpg",
"uuid": "cv-cspnet-image-object-detection-yolox",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用目标检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-chinese-base-book",
"label": "RaNER命名实体识别-中文-小说领域-base",
"describe": "该模型是基于检索增强(RaNer)方法在中文Book9小说领域数据集训练的模型。本方法采用Transformer-CRF模型使用StructBERT作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 7138,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-chinese-base-book",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-resnest101-animal-recognition",
"label": "动物识别-中文-通用领域",
"describe": "本模型是对含有动物的图像进行标签识别无需任何额外输入输出动物的类别标签目前已经覆盖了8K多类的细粒度的动物类别。",
"hot": 7085,
"pic": "example.jpg",
"uuid": "cv-resnest101-animal-recognition",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "动物识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-vitb16-classification-vision-efficient-tuning-adapter",
"label": "基础视觉模型高效调优-Adapter",
"describe": "",
"hot": 7021,
"pic": "example.jpg",
"uuid": "cv-vitb16-classification-vision-efficient-tuning-adapter",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "基础模型调优",
"field": "机器视觉"
},
{
"price": "1",
"name": "multi-modal-clip-vit-base-patch16-zh",
"label": "CLIP模型-中文-通用领域-base",
"describe": "本项目为CLIP模型的中文版本使用大规模中文数据进行训练~2亿图文对旨在帮助用户实现中文领域的跨模态检索、图像表示等。视觉encoder采用vit结构文本encoder采用roberta结构。 模型在多个中文图文检索数据集上进行了效果测试。",
"hot": 6890,
"pic": "example.jpg",
"uuid": "multi-modal-clip-vit-base-patch16-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "多模态表征",
"field": "多模态"
},
{
"price": "1",
"name": "cv-vit-object-detection-coco",
"label": "VitDet图像目标检测",
"describe": "输入一张图片输出图像中较通用目标COCO-80类范围的位置及类别。",
"hot": 6889,
"pic": "example.jpg",
"uuid": "cv-vit-object-detection-coco",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用目标检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-corom-passage-ranking-chinese-base-medical",
"label": "CoROM语义相关性-中文-医疗领域-base",
"describe": "基于CoROM-Base预训练模型的医疗领域中文语义相关性模型模型以一个source sentence以及一个句子列表作为输入最终输出source sentence与列表中每个句子的相关性得分0-1分数越高代表两者越相关。",
"hot": 6842,
"pic": "example.jpg",
"uuid": "nlp-corom-passage-ranking-chinese-base-medical",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语义相关性",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-ru-16k-common-vocab1664-tensorflow1-offline",
"label": "UniASR语音识别-俄语-通用-16k-离线",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 6839,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-ru-16k-common-vocab1664-tensorflow1-offline",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "cv-dla34-table-structure-recognition-cycle-centernet",
"label": "读光-表格结构识别-有线表格",
"describe": "有线表格结构识别输入图像检测出单元格bbox并将其拼接起来得到精准而完整的表格。",
"hot": 6842,
"pic": "example.jpg",
"uuid": "cv-dla34-table-structure-recognition-cycle-centernet",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "表格结构识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-dfsmn-kws-char-farfield-16k-nihaomiya",
"label": "FSMN远场唤醒-双麦-16k-你好米雅",
"describe": "远场唤醒模型输入为双麦克风阵列的双通道音频加一路音箱播放的参考音频适用于智能音箱、故事机等智能设备场景。此demo使用开源数据训练唤醒词为“你好米雅”用户可使用我们提供的训练套件基于自有数据训练新唤醒词。",
"hot": 6777,
"pic": "example.jpg",
"uuid": "speech-dfsmn-kws-char-farfield-16k-nihaomiya",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音唤醒",
"field": "听觉"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-cn-dialect-16k-vocab8358-tensorflow1-offline",
"label": "UniASR语音识别-中文方言-通用-16k-离线",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 6690,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-cn-dialect-16k-vocab8358-tensorflow1-offline",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-english-large-ecom",
"label": "RaNER命名实体识别-英语-电商领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在英语电商query和商品标题数据集训练的模型。本方法采用Transformer-CRF模型使用xlm-roberta-large作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 6611,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-english-large-ecom",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-manual-face-detection-mtcnn",
"label": "Mtcnn人脸检测关键点模型",
"describe": "给定一张图片返回图片中人脸区域的位置和五点关键点。MTCNN是工业界广泛应用的检测关键点二合一模型。",
"hot": 6559,
"pic": "example.jpg",
"uuid": "cv-manual-face-detection-mtcnn",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "ofa-visual-question-answering-pretrain-huge-en",
"label": "OFA视觉问答模型-英文-通用领域-huge",
"describe": "视觉问答任务:给定一张图片和一个关于图片的问题,要求模型正确作答。",
"hot": 6504,
"pic": "example.jpg",
"uuid": "ofa-visual-question-answering-pretrain-huge-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视觉问答",
"field": "多模态"
},
{
"price": "1",
"name": "speech-paraformer-large-contextual-asr-nat-zh-cn-16k-common-vocab8404",
"label": "Paraformer语音识别-中文-通用-16k-离线-large-热词版",
"describe": "基于Paraformer-large的热词版本模型可实现对热词的定制化基于提供的热词列表对热词进行激励增强提升模型对热词的召回",
"hot": 6456,
"pic": "example.jpg",
"uuid": "speech-paraformer-large-contextual-asr-nat-zh-cn-16k-common-vocab8404",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "cv-vit-b32-retrieval-vop",
"label": "VoP: 通用跨模态视频检索模型",
"describe": "VoP是基于CLIP的快速跨模态检索微调框架可以适用于任何需要做视频文本跨模态检索的“视频-文本对”数据当中。",
"hot": 6377,
"pic": "example.jpg",
"uuid": "cv-vit-b32-retrieval-vop",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频文本跨模态检索",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-pathshift-action-recognition",
"label": "PST动作识别模型-tiny",
"describe": "Patch Shift TransformerPST是把2D Transformer 模型在不增加参数量的情况下转换成适应视频多帧输入的动作识别模型",
"hot": 6372,
"pic": "example.png",
"uuid": "cv-pathshift-action-recognition",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "动作识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-mossformer-separation-temporal-8k",
"label": "MossFormer语音分离-单麦-8k",
"describe": "基于MossFormer的语音分离模型可以把混杂在一起的两人语音分离开来输入为一路混合音频输出为两路分离后的音频格式均为8000Hz单通道。",
"hot": 6355,
"pic": "example.jpg",
"uuid": "speech-mossformer-separation-temporal-8k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音分离",
"field": "听觉"
},
{
"price": "1",
"name": "cv-yolopv2-image-driving-perception-bdd100k",
"label": "YOLOPV2车辆检测车道线分割-自动驾驶领域",
"describe": "YOLOPv2 适用于自动驾驶场景下的实时全景驾驶感知, 同时执行三种不同的任务,分别为车辆检测,可行驶区域分割以及车道线分割。",
"hot": 6343,
"pic": "example.jpeg",
"uuid": "cv-yolopv2-image-driving-perception-bdd100k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像驾驶感知",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-nextvit-small-image-classification-dailylife-labels",
"label": "NextViT实时图像分类-中文-日常物品",
"describe": "采用基于Transformer的第一个实现工业TensorRT实时落地的Next-ViT模型结构对自建1300类常见物体标签体系进行分类。",
"hot": 6263,
"pic": "example.jpg",
"uuid": "cv-nextvit-small-image-classification-dailylife-labels",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用分类",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-uniasr-large-asr-2pass-zh-cn-16k-common-vocab8358-tensorflow1-offline",
"label": "UniASR语音识别-中文-通用-16k-离线-large",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 6248,
"pic": "example.jpg",
"uuid": "speech-uniasr-large-asr-2pass-zh-cn-16k-common-vocab8358-tensorflow1-offline",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "cv-swinl-semantic-segmentation-cocopanmerge",
"label": "Mask2Former-SwinL语义分割",
"describe": "基于Mask2Former架构SwinL为backbone的语义分割模型",
"hot": 6225,
"pic": "example.jpg",
"uuid": "cv-swinl-semantic-segmentation-cocopanmerge",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用图像分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-cspnet-video-object-detection-streamyolo",
"label": "StreamYOLO实时视频目标检测-自动驾驶领域",
"describe": "实时视频目标检测模型",
"hot": 6181,
"pic": "example.jpg",
"uuid": "cv-cspnet-video-object-detection-streamyolo",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频目标检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-manual-face-detection-ulfd",
"label": "ULFD人脸检测模型-tiny",
"describe": "1M轻量级人脸检测模型。给定一张图片返回图片中人脸位置的坐标。ULFD为轻量级人脸检测算法, 基于SSD框架手工设计了backbone结构是业界开源的第一个1M人脸检测模型。当输入320x240分辨率的图片且未使用onnxruntime加速时在CPU上跑需要50-60ms当使用onnxruntime加速后在CPU上仅需要8-11ms。",
"hot": 6171,
"pic": "example.jpeg",
"uuid": "cv-manual-face-detection-ulfd",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "ofa-ocr-recognition-document-base-zh",
"label": "OFA文字识别-中文-印刷体-base",
"describe": "基于OFA模型的finetune后的OCR文字识别任务可有效识别印刷体文字。",
"hot": 6118,
"pic": "example.jpg",
"uuid": "ofa-ocr-recognition-document-base-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文字识别",
"field": "多模态"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-en-16k-common-vocab1080-tensorflow1-offline",
"label": "UniASR语音识别-英语-通用-16k-离线",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 6101,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-en-16k-common-vocab1080-tensorflow1-offline",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "speech-paraformer-asr-nat-aishell1-pytorch",
"label": "Paraformer语音识别-中文-aishell1-16k-离线",
"describe": "Paraformer是一种非自回归端到端语音识别模型。非自回归模型相比于目前主流的自回归模型可以并行的对整条句子输出目标文字特别适合利用GPU进行并行推理。Paraformer是目前已知的首个在工业大数据上可以获得和自回归端到端模型相同性能的非自回归模型。配合GPU推理可以将推理效率提升10倍从而将语音识别云服务的机器成本降低接近10倍。",
"hot": 6068,
"pic": "example.jpg",
"uuid": "speech-paraformer-asr-nat-aishell1-pytorch",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "cv-resnet18-ocr-detection-db-line-level-damo",
"label": "读光-文字检测-DBNet行检测模型-中英-通用领域",
"describe": "给定一张图片,检测出图中所含文字的外接框的端点的坐标值。",
"hot": 5952,
"pic": "example.jpg",
"uuid": "cv-resnet18-ocr-detection-db-line-level-damo",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文字检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-sambert-hifigan-tts-andy-en-us-16k",
"label": "语音合成-美式英文-通用领域-16k-发音人Andy",
"describe": "本模型是一种应用于参数TTS系统的后端声学模型及声码器模型。其中后端声学模型的SAM-BERT,将时长模型和声学模型联合进行建模。声码器在HIFI-GAN开源工作的基础上我们针对16k, 48k采样率下的模型结构进行了调优设计并提供了基于因果卷积的低时延流式生成和chunk流式生成机制可与声学模型配合支持CPU、GPU等硬件条件下的实时流式合成。",
"hot": 5882,
"pic": "example.jpg",
"uuid": "speech-sambert-hifigan-tts-andy-en-us-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-lstm-named-entity-recognition-chinese-generic",
"label": "LSTM命名实体识别-中文-通用领域",
"describe": "本方法采用char-BiLSTM-CRF模型",
"hot": 5841,
"pic": "example.jpg",
"uuid": "nlp-lstm-named-entity-recognition-chinese-generic",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-canonical-body-3d-keypoints-video",
"label": "人体关键点检测-通用领域-3D",
"describe": "输入一段单人视频实现端到端的3D人体关键点检测输出视频中每一帧的3D人体关键点坐标。",
"hot": 5798,
"pic": "example.jpg",
"uuid": "cv-canonical-body-3d-keypoints-video",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人体3D关键点",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-unet-universal-matting",
"label": "BSHM通用抠图",
"describe": "",
"hot": 5818,
"pic": "example.png",
"uuid": "cv-unet-universal-matting",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用抠图",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-newcrfs-image-depth-estimation-indoor",
"label": "基于神经窗口全连接CRFs的单目深度估计",
"describe": "单目深度估计是从单张RGB图预测场景深度是一个很具有挑战性的任务。现在做这个任务的方法大都是设计越来越复杂的网络来简单粗暴地回归深度图但我们采取了一个更具可解释性的路子就是使用优化方法中的条件随机场CRFs。由于CRFs的计算量很大通常只会用于计算相邻节点的能量而很难用于计算整个图模型中所有节点之间的能量。为了借助这种全连接CRFs的强大表征力我们采取了一种折中的方法即将整个图模型划分为一个个小窗口在每个窗口里面进行全连接CRFs的计算这样就可以大大减少计算量使全连接CRFs在深度估计这一任务上成为了可能。同时为了更好地在节点之间进行信息传递我们利用多头注意力机制计算了多头能量函数然后用网络将这个能量函数优化到一个精确的深度图。基于此我们用视觉transformer作为encoder神经窗口全连接条件随机场作为decoder构建了一个bottom-up-top-down的网络架构这个网络在KITTI、NYUv2上都取得了SOTA的性能同时可以应用于全景图深度估计任务在MatterPort3D上也取得了SOTA的性能。",
"hot": 5789,
"pic": "example.png",
"uuid": "cv-newcrfs-image-depth-estimation-indoor",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像深度估计",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-structbert-faq-question-answering-chinese-base",
"label": "StructBERT FAQ问答-中文-通用领域-base",
"describe": "FAQ问答模型以StructBERT预训练模型-中文-base为基础使用简单的原型网络通过小样本meta-learning的方式在海量业务数据预训练(亿级)、微调(百万级)在多个公开数据上取得了非常好的效果适用于FAQ问答任务和小样本分类任务",
"hot": 5727,
"pic": "example.jpg",
"uuid": "nlp-structbert-faq-question-answering-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "FAQ问答",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-structbert-outbound-intention-chinese-tiny",
"label": "StructBERT意图识别-中文-外呼-tiny",
"describe": "本模型基于StructBERT-tiny模型使用外呼场景下的对话意图识别数据进行微调得到的。",
"hot": 5581,
"pic": "example.png",
"uuid": "nlp-structbert-outbound-intention-chinese-tiny",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本分类",
"field": "自然语言"
},
{
"price": "1",
"name": "taiyi-stable-diffusion-1b-anime-chinese-v0-1",
"label": "太乙-Stable-Diffusion-1B-动漫-中文-v0.1",
"describe": "首个开源的中文Stable Diffusion动漫模型基于100万筛选过的动漫中文图文对训练。",
"hot": 5550,
"pic": "example.jpg",
"uuid": "taiyi-stable-diffusion-1b-anime-chinese-v0-1",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成图片",
"field": "大模型"
},
{
"price": "1",
"name": "cv-convnext-base-image-classification-garbage",
"label": "ConvNeXt图像分类-中文-垃圾分类",
"describe": "自建265类常见的生活垃圾标签体系15w张图片数据包含可回收垃圾、厨余垃圾、有害垃圾、其他垃圾4个标准垃圾大类覆盖常见的食品厨房用品家具家电等生活垃圾标签从海量中文互联网社区语料进行提取整理出了频率较高的常见生活垃圾名称。模型结构采用ConvNeXt-Base结构, 经过大规模数据集ImageNet-22K预训练后在数据集上进行微调。",
"hot": 5363,
"pic": "example.jpg",
"uuid": "cv-convnext-base-image-classification-garbage",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用分类",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-ja-16k-common-vocab93-tensorflow1-online",
"label": "UniASR语音识别-日语-通用-16k-实时",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 5350,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-ja-16k-common-vocab93-tensorflow1-online",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-cn-dialect-16k-vocab8358-tensorflow1-online",
"label": "UniASR语音识别-中文方言-通用-16k-实时",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 5314,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-cn-dialect-16k-vocab8358-tensorflow1-online",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-csanmt-translation-en2es",
"label": "CSANMT连续语义增强机器翻译-英西-通用领域-base",
"describe": "基于连续语义增强的神经机器翻译模型以有限的训练样本为锚点,学习连续语义分布以建模全局的句子空间,并据此构建神经机器翻译引擎,有效提升数据的利用效率,显著改善模型的泛化能力和鲁棒性。",
"hot": 5284,
"pic": "example.jpg",
"uuid": "nlp-csanmt-translation-en2es",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "翻译",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-sambert-hifigan-tts-luna-en-gb-16k",
"label": "语音合成-英式英文-通用领域-16k-发音人Luna",
"describe": "本模型是一种应用于参数TTS系统的后端声学模型及声码器模型。其中后端声学模型的SAM-BERT,将时长模型和声学模型联合进行建模。声码器在HIFI-GAN开源工作的基础上我们针对16k, 48k采样率下的模型结构进行了调优设计并提供了基于因果卷积的低时延流式生成和chunk流式生成机制可与声学模型配合支持CPU、GPU等硬件条件下的实时流式合成。",
"hot": 5260,
"pic": "example.jpg",
"uuid": "speech-sambert-hifigan-tts-luna-en-gb-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "cv-cspnet-image-object-detection-yolox-nano-coco",
"label": "实时目标检测-通用领域-移动端",
"describe": "通用实时检测超轻量级模型",
"hot": 5182,
"pic": "example.jpg",
"uuid": "cv-cspnet-image-object-detection-yolox-nano-coco",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用目标检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "ofa-image-classification-imagenet-large-en",
"label": "OFA图像分类-数据集imagenet1k-large",
"describe": "ImageNet-1K图片分类任务给定一张图片要求模型从1K个候选类别中正确给出图片分类标签。",
"hot": 5177,
"pic": "example.jpg",
"uuid": "ofa-image-classification-imagenet-large-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用分类",
"field": "多模态"
},
{
"price": "1",
"name": "ofa-mmspeech-asr-aishell1-large-zh",
"label": "OFA-MMSpeech语音识别-中文-aishell1-large",
"describe": "对比SOTAMMSpeech字错误率降低了48.3%/42.4%效果达到1.6%/1.9%远超SOTA 3.1%/3.3%benchmark为AIShell1 dev/test。",
"hot": 5132,
"pic": "example.jpg",
"uuid": "ofa-mmspeech-asr-aishell1-large-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "多模态"
},
{
"price": "1",
"name": "nlp-palm2-0-text-generation-weather-chinese-base",
"label": "PALM 2.0天气播报模型-中文-base",
"describe": "达摩PALM 2.0中文天气播报base模型",
"hot": 4984,
"pic": "example.jpg",
"uuid": "nlp-palm2-0-text-generation-weather-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-mt5-dialogue-rewriting-chinese-base",
"label": "MT5开放域多轮对话改写-中文-通用-base",
"describe": "开放域多轮对话改写模型主要解决开放域对话中的指代和省略问题输入对话上下文输出改写后的语义完整的问题。该模型基于google/mt5-base基座在公开数据和业务数据集上finetune而得适用于开放域对话场景。",
"hot": 4999,
"pic": "example.jpg",
"uuid": "nlp-mt5-dialogue-rewriting-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "端到端文本生成",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-segformer-b0-image-semantic-segmentation-coco-stuff164k",
"label": "Segformer-B0实时语义分割",
"describe": "Neurips2021文章SegFormer: Simple and Efficient Design for Semantic Segmentation with Transformers在COCO_Stuff164K数据集上的复现。官方源码暂没有提供COCO_Stuff164K的相关实现。本模型基于Segformer分割框架所配置训练的实时语义分割框架。使用了一个GPU上实时运行的配置结构。在CoCo-Stuff-164的数据集上进行了172类的分类",
"hot": 4933,
"pic": "example.jpg",
"uuid": "cv-segformer-b0-image-semantic-segmentation-coco-stuff164k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用图像分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-resnet18-license-plate-detection-damo",
"label": "读光-车牌检测-通用",
"describe": "",
"hot": 4927,
"pic": "example.jpg",
"uuid": "cv-resnet18-license-plate-detection-damo",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "车牌检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-structbert-abuse-detect-chinese-tiny",
"label": "StructBERT辱骂风险识别-中文-外呼-tiny",
"describe": "本模型基于StructBERT-tiny模型使用外呼场景下的辱骂风险识别数据集训练得到。",
"hot": 4909,
"pic": "example.jpg",
"uuid": "nlp-structbert-abuse-detect-chinese-tiny",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本分类",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-bert-sentiment-analysis-english-base",
"label": "BERT情感分析-英文-base-TweetEval数据集",
"describe": "该模型基于bert-base-uncased在TweetEval数据集上fine-tune得到",
"hot": 4878,
"pic": "example.png",
"uuid": "nlp-bert-sentiment-analysis-english-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本分类",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-vitb16-classification-vision-efficient-tuning-prompt",
"label": "基础视觉模型高效调优-Prompt",
"describe": "",
"hot": 4831,
"pic": "example.jpg",
"uuid": "cv-vitb16-classification-vision-efficient-tuning-prompt",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "基础模型调优",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-unet-person-image-cartoon-sd-design-compound-models",
"label": "DCT-Net人像卡通化-扩散模型-插画",
"describe": "该模型采用全新的DCT-NetDomain-Calibrated Translation 域校准图像翻译模型结合Stable-Diffusion模型进行小样本风格数据生成从而训练得到高保真、强鲁棒、易拓展的人像风格转换模型。",
"hot": 4818,
"pic": "example.jpg",
"uuid": "cv-unet-person-image-cartoon-sd-design-compound-models",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人像卡通化",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-tinynas-detection",
"label": "AIRDet-高性能检测模型-S",
"describe": "AIRDet高性能检测模型是基于Tiny-NAS技术设计出的卷积神经网络具有精度高、速度快的特点这里只提供S模型。借助Tiny-NAS技术能够实现针对硬件算力的最优模型搜索能力更多模型请参考README获取。",
"hot": 4772,
"pic": "example.jpg",
"uuid": "cv-tinynas-detection",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用目标检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-effnetv2-video-human-matting",
"label": "视频人像抠图模型-通用领域",
"describe": "输入一段视频返回视频中人像的alpha序列",
"hot": 4742,
"pic": "example.jpg",
"uuid": "cv-effnetv2-video-human-matting",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频人像抠图",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-chinese-base-resume",
"label": "RaNER命名实体识别-中文-简历领域-base",
"describe": "该模型是基于检索增强(RaNer)方法在中文Resume数据集训练的模型。本方法采用Transformer-CRF模型使用StructBERT作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 4723,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-chinese-base-resume",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-vitl16-segmentation-text-driven-seg",
"label": "文本指导的图像分割-英文-通用领域",
"describe": "vitl backbone输入英文文本描述和图像根据英文描述对图像进行语义分割",
"hot": 4693,
"pic": "example.jpg",
"uuid": "cv-vitl16-segmentation-text-driven-seg",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本指导的图像分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-manual-face-quality-assessment-fqa",
"label": "人脸质量模型FQA",
"describe": "人脸质量模型FQA",
"hot": 4621,
"pic": "example.jpg",
"uuid": "cv-manual-face-quality-assessment-fqa",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸质量评估",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-realbasicvsr-video-super-resolution-videolq",
"label": "RealBasicVSR视频超分辨率",
"describe": "长期传播会在轻度退化的情况下提高性能但严重的退化可能会通过传播被放大从而损害输出视频的质量。为了平衡细节合成和退化抑制之间的权衡RealBasicVSR引入了图像预清理模块在质量和效率上都优于现有方法。",
"hot": 4583,
"pic": "example.png",
"uuid": "cv-realbasicvsr-video-super-resolution-videolq",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频超分辨率",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-dut-raft-video-stabilization-base",
"label": "DUT-RAFT视频稳像",
"describe": "",
"hot": 4571,
"pic": "example.gif",
"uuid": "cv-dut-raft-video-stabilization-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频稳像",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-hrnetocr-skychange",
"label": "图像天空替换模型",
"describe": "",
"hot": 4516,
"pic": "example.jpg",
"uuid": "cv-hrnetocr-skychange",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "天空替换",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-zh-cn-8k-common-vocab3445-pytorch-online",
"label": "UniASR语音识别-中文-通用-8k-实时-pytorch",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 4510,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-zh-cn-8k-common-vocab3445-pytorch-online",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "speech-paraformer-asr-nat-zh-cn-8k-common-vocab8358-tensorflow1",
"label": "Paraformer语音识别-中文-通用-8k-离线",
"describe": "Paraformer是一种非自回归端到端语音识别模型。非自回归模型相比于目前主流的自回归模型可以并行的对整条句子输出目标文字特别适合利用GPU进行并行推理。Paraformer是目前已知的首个在工业大数据上可以获得和自回归端到端模型相同性能的非自回归模型。配合GPU推理可以将推理效率提升10倍从而将语音识别云服务的机器成本降低接近10倍。",
"hot": 4401,
"pic": "example.jpg",
"uuid": "speech-paraformer-asr-nat-zh-cn-8k-common-vocab8358-tensorflow1",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "ofa-ocr-recognition-web-base-zh",
"label": "OFA文字识别-中文-网络场景-base",
"describe": "基于OFA模型的finetune后的OCR文字识别任务可有效识别网络场景的文字内容。",
"hot": 4386,
"pic": "example.jpg",
"uuid": "ofa-ocr-recognition-web-base-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文字识别",
"field": "多模态"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-ru-16k-common-vocab1664-tensorflow1-online",
"label": "UniASR语音识别-俄语-通用-16k-实时",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 4368,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-ru-16k-common-vocab1664-tensorflow1-online",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-lstm-named-entity-recognition-chinese-resume",
"label": "LSTM命名实体识别-中文-简历领域",
"describe": "本方法采用char-BiLSTM-CRF模型",
"hot": 4325,
"pic": "example.jpg",
"uuid": "nlp-lstm-named-entity-recognition-chinese-resume",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-hrnetw48-human-wholebody-keypoint-image",
"label": "全身关键点检测-通用领域-2D",
"describe": "输入一张人物图像端到端检测全身133点关键点输出人体框和对应的全身关键点包含68个人脸关键点、42个手势关键点、17个骨骼关键点和6个脚步关键点。",
"hot": 4316,
"pic": "example.jpg",
"uuid": "cv-hrnetw48-human-wholebody-keypoint-image",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "全身关键点检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-palm2-0-text-generation-english-base",
"label": "PALM 2.0摘要生成模型-英文-base",
"describe": "本任务是PALM通用预训练生成模型在英文CNN/Dail Mail和中文LCSTS上进行finetune的文本摘要生成下游任务。",
"hot": 4242,
"pic": "example.jpg",
"uuid": "nlp-palm2-0-text-generation-english-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成",
"field": "自然语言"
},
{
"price": "1",
"name": "mplug-visual-question-answering-coco-base-zh",
"label": "mPLUG视觉问答模型-中文-base",
"describe": "本任务是mPLUG在中文VQA进行finetune的视觉问答下游任务给定一个问题和图片通过图片信息来给出答案。",
"hot": 4236,
"pic": "example.jpg",
"uuid": "mplug-visual-question-answering-coco-base-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视觉问答",
"field": "多模态"
},
{
"price": "1",
"name": "cv-segformer-b5-image-semantic-segmentation-coco-stuff164k",
"label": "Segformer-B5实时语义分割",
"describe": "Neurips2021文章SegFormer: Simple and Efficient Design for Semantic Segmentation with Transformers在COCO_Stuff164K数据集上的复现。官方源码暂没有提供COCO_Stuff164K的相关实现。本模型基于Segformer分割框架所配置训练的实时语义分割框架。使用了一个GPU上运行精度最高的配置结构。在CoCo-Stuff-164的数据集上进行了172类的分类",
"hot": 4232,
"pic": "example.jpg",
"uuid": "cv-segformer-b5-image-semantic-segmentation-coco-stuff164k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用图像分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-chinese-base-social-media",
"label": "RaNER命名实体识别-中文-社交媒体领域-base",
"describe": "该模型是基于检索增强(RaNer)方法在中文Weibo数据集训练的模型。本方法采用Transformer-CRF模型使用StructBERT作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 4202,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-chinese-base-social-media",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "taiyi-stable-diffusion-1b-chinese-v0-1",
"label": "太乙-Stable-Diffusion-1B-中文-v0.1",
"describe": "首个开源的中文Stable Diffusion模型基于0.2亿筛选过的中文图文对训练。",
"hot": 4183,
"pic": "example.jpg",
"uuid": "taiyi-stable-diffusion-1b-chinese-v0-1",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成图片",
"field": "大模型"
},
{
"price": "1",
"name": "cv-unet-person-image-cartoon-sd-illustration-compound-models",
"label": "DCT-Net人像卡通化-扩散模型-漫画",
"describe": "",
"hot": 4180,
"pic": "example.jpg",
"uuid": "cv-unet-person-image-cartoon-sd-illustration-compound-models",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人像卡通化",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-yolox-image-object-detection-auto",
"label": "实时目标检测-自动驾驶领域",
"describe": "检测自动驾驶场景图片的目标,支持车辆检测。",
"hot": 4173,
"pic": "example.jpeg",
"uuid": "cv-yolox-image-object-detection-auto",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用目标检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "ofa-visual-grounding-refcoco-distilled-en",
"label": "OFA通过描述定位图像物体-英文-通用领域-蒸馏33M",
"describe": "视觉定位任务:给定一张图片,一段描述,通过描述找到图片对应的物体。",
"hot": 4150,
"pic": "example.jpg",
"uuid": "ofa-visual-grounding-refcoco-distilled-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视觉定位",
"field": "多模态"
},
{
"price": "1",
"name": "speech-xvector-sv-zh-cn-cnceleb-16k-spk3465-pytorch",
"label": "xvector说话人确认-中文-cnceleb-16k-离线-pytorch",
"describe": "该模型是使用CN-Celeb 1&2以及AliMeeting数据集预训练得到的说话人嵌入码speaker embedding提取模型。可以直接用于通用和会议场景的说话人确认和说话人日志等任务。在CN-Celeb语音测试集上EER为9.00%在AliMeeting测试集上的EER为1.45%。",
"hot": 4148,
"pic": "example.jpg",
"uuid": "speech-xvector-sv-zh-cn-cnceleb-16k-spk3465-pytorch",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "说话人确认",
"field": "听觉"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-id-16k-common-vocab1067-tensorflow1-online",
"label": "UniASR语音识别-印尼语-通用-16k-实时",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 4145,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-id-16k-common-vocab1067-tensorflow1-online",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-structbert-part-of-speech-chinese-base",
"label": "BAStructBERT词性标注-中文-新闻领域-base",
"describe": "基于预训练语言模型的新闻领域中文词性标注模型,根据用户输入的中文句子产出词性标注结果。",
"hot": 4099,
"pic": "example.png",
"uuid": "nlp-structbert-part-of-speech-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "词性标注",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-ko-16k-common-vocab6400-tensorflow1-online",
"label": "UniASR语音识别-韩语-通用-16k-实时",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 4090,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-ko-16k-common-vocab6400-tensorflow1-online",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-id-16k-common-vocab1067-tensorflow1-offline",
"label": "UniASR语音识别-印尼语-通用-16k-离线",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 4089,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-id-16k-common-vocab1067-tensorflow1-offline",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "erlangshen-roberta-110m-sentiment",
"label": "二郎神-RoBERTa-110M-情感分类",
"describe": "",
"hot": 4075,
"pic": "example.jpg",
"uuid": "erlangshen-roberta-110m-sentiment",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本分类",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-resnet18-ocr-detection-word-level-damo",
"label": "读光-文字检测-单词检测模型-英文-通用领域",
"describe": "本模型是以自底向上的方式,先检测文本块和文字行之间的吸引排斥关系,然后对文本块聚类成行,最终输出单词的外接框的坐标值。",
"hot": 4058,
"pic": "example.jpg",
"uuid": "cv-resnet18-ocr-detection-word-level-damo",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文字检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-zh-cn-8k-common-vocab8358-tensorflow1-offline",
"label": "UniASR语音识别-中文-通用-8k-离线",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 4051,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-zh-cn-8k-common-vocab8358-tensorflow1-offline",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "cv-tinynas-object-detection-damoyolo-facemask",
"label": "实时口罩检测-通用",
"describe": "本模型为高性能热门应用系列检测模型中的实时口罩检测模型基于面向工业落地的高性能检测框架DAMOYOLO其精度和速度超越当前经典的YOLO系列方法。用户使用的时候仅需要输入一张图像便可以获得图像中所有人脸的坐标信息以及是否佩戴口罩。更多具体信息请参考Model card。",
"hot": 4037,
"pic": "example.jpg",
"uuid": "cv-tinynas-object-detection-damoyolo-facemask",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "垂类目标检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-english-large-generic",
"label": "RaNER命名实体识别-英语-通用领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在MultiCoNER领域数据集训练的模型。本方法采用Transformer-CRF模型使用StructBERT作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 4010,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-english-large-generic",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-sambert-hifigan-tts-chuangirl-sichuan-16k",
"label": "语音合成-四川话-通用领域-16k-发音人chuangirl",
"describe": "四川话语音合成女声16k模型本模型使用Sambert-hifigan网络结构。其中后端声学模型的SAM-BERT,将时长模型和声学模型联合进行建模。声码器在HIFI-GAN开源工作的基础上我们针对16k, 48k采样率下的模型结构进行了调优设计并提供了基于因果卷积的低时延流式生成和chunk流式生成机制可与声学模型配合支持CPU、GPU等硬件条件下的实时流式合成。",
"hot": 4003,
"pic": "example.jpg",
"uuid": "speech-sambert-hifigan-tts-chuangirl-sichuan-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-zh-cn-8k-common-vocab8358-tensorflow1-online",
"label": "UniASR语音识别-中文-通用-8k-实时",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 3996,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-zh-cn-8k-common-vocab8358-tensorflow1-online",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-multilingual-large-generic",
"label": "RaNER命名实体识别-多语言统一-通用领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在多语言数据集MultiCoNER-MULTI-Multilingual训练的模型。 本方法采用Transformer-CRF模型使用XLM-RoBERTa作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 3985,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-multilingual-large-generic",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-resnet50-bert-video-scene-segmentation-movienet",
"label": "BaSSL视频场景分割-长视频领域",
"describe": "针对长视频进行场景分割,也可按照镜头进行分割,有助于进行视频拆条和视频理解等。该模型支持分割结果的本地保存,同时可以支持微调操作。",
"hot": 3942,
"pic": "example.jpg",
"uuid": "cv-resnet50-bert-video-scene-segmentation-movienet",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频场景分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-cantonese-chs-16k-common-vocab1468-tensorflow1-online",
"label": "UniASR语音识别-粤语简体-通用-16k-实时",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 3938,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-cantonese-chs-16k-common-vocab1468-tensorflow1-online",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "speech-sambert-hifigan-tts-annie-en-us-16k",
"label": "语音合成-美式英文-通用领域-16k-发音人Annie",
"describe": "本模型是一种应用于参数TTS系统的后端声学模型及声码器模型。其中后端声学模型的SAM-BERT,将时长模型和声学模型联合进行建模。声码器在HIFI-GAN开源工作的基础上我们针对16k, 48k采样率下的模型结构进行了调优设计并提供了基于因果卷积的低时延流式生成和chunk流式生成机制可与声学模型配合支持CPU、GPU等硬件条件下的实时流式合成。",
"hot": 3936,
"pic": "example.jpg",
"uuid": "speech-sambert-hifigan-tts-annie-en-us-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "speech-ptts-autolabel-16k",
"label": "个性化语音合成-自动标注模型-16k",
"describe": "用于训练个性化语音合成模型的自动标注工具依赖的模型资源",
"hot": 3884,
"pic": "example.jpeg",
"uuid": "speech-ptts-autolabel-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-chinese-base-bank",
"label": "RaNER命名实体识别-中文-银行领域-base",
"describe": "该模型是基于检索增强(RaNer)方法在中文Bank数据集训练的模型。本方法采用Transformer-CRF模型使用StructBERT作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 3883,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-chinese-base-bank",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-structbert-sentiment-classification-chinese-tiny",
"label": "StructBERT情感分类-中文-通用-tiny",
"describe": "StructBERT情感分类-中文-通用-tiny是基于bdci、dianping、jd binary、waimai-10k四个数据集11.5w条数据)训练出来的情感分类模型。",
"hot": 3844,
"pic": "example.png",
"uuid": "nlp-structbert-sentiment-classification-chinese-tiny",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本分类",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-sambert-hifigan-tts-luca-en-gb-16k",
"label": "语音合成-英式英文-通用领域-16k-发音人Luca",
"describe": "本模型是一种应用于参数TTS系统的后端声学模型及声码器模型。其中后端声学模型的SAM-BERT,将时长模型和声学模型联合进行建模。声码器在HIFI-GAN开源工作的基础上我们针对16k, 48k采样率下的模型结构进行了调优设计并提供了基于因果卷积的低时延流式生成和chunk流式生成机制可与声学模型配合支持CPU、GPU等硬件条件下的实时流式合成。",
"hot": 3844,
"pic": "example.jpg",
"uuid": "speech-sambert-hifigan-tts-luca-en-gb-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-english-large-news",
"label": "RaNER命名实体识别-英文-新闻领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在英文conll03/conllpp领域数据集训练的模型。本方法采用Transformer-CRF模型使用StructBERT作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 3842,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-english-large-news",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-hrnetw18-hand-pose-keypoints-coco-wholebody",
"label": "手部关键点检测-通用领域-2D",
"describe": "该模型采用自顶向下的Heatmap手部关键点检测框架通过端对端的快速推理可以得到图像中的全部手部关键点。",
"hot": 3821,
"pic": "example.jpg",
"uuid": "cv-hrnetw18-hand-pose-keypoints-coco-wholebody",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "手部2D关键点",
"field": "机器视觉"
},
{
"price": "1",
"name": "taiyi-stable-diffusion-1b-chinese-en-v0-1",
"label": "太乙-Stable-Diffusion-1B-中英双语-v0.1",
"describe": "首个开源的中英双语Stable Diffusion模型基于0.2亿筛选过的中文图文对训练。",
"hot": 3796,
"pic": "example.jpg",
"uuid": "taiyi-stable-diffusion-1b-chinese-en-v0-1",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成图片",
"field": "大模型"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-chinese-base-game",
"label": "RaNER命名实体识别-中文-游戏领域-base",
"describe": "该模型是基于检索增强(RaNer)方法在中文游戏领域数据集训练的模型。本方法采用Transformer-CRF模型使用StructBERT作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 3793,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-chinese-base-game",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-sambert-hifigan-tts-en-us-16k",
"label": "语音合成-美式英文-通用领域-16k-多发音人",
"describe": "本模型是一种应用于参数TTS系统的后端声学模型及声码器模型。其中后端声学模型的SAM-BERT,将时长模型和声学模型联合进行建模。声码器在HIFI-GAN开源工作的基础上我们针对16k, 48k采样率下的模型结构进行了调优设计并提供了基于因果卷积的低时延流式生成和chunk流式生成机制可与声学模型配合支持CPU、GPU等硬件条件下的实时流式合成。",
"hot": 3780,
"pic": "example.jpg",
"uuid": "speech-sambert-hifigan-tts-en-us-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-en-16k-common-vocab1080-tensorflow1-online",
"label": "UniASR语音识别-英语-通用-16k-实时",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 3759,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-en-16k-common-vocab1080-tensorflow1-online",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-chinese-base-literature",
"label": "RaNER命名实体识别-中文-文学领域-base",
"describe": "该模型是基于检索增强(RaNer)方法在中文Literature数据集训练的模型。本方法采用Transformer-CRF模型使用StructBERT作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 3751,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-chinese-base-literature",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-manual-facial-landmark-confidence-flcm",
"label": "FLCM人脸关键点置信度模型",
"describe": "",
"hot": 3749,
"pic": "example.jpg",
"uuid": "cv-manual-facial-landmark-confidence-flcm",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸2D关键点",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-lstm-named-entity-recognition-chinese-news",
"label": "LSTM命名实体识别-中文-新闻领域",
"describe": "本方法采用char-BiLSTM-CRF模型",
"hot": 3717,
"pic": "example.jpg",
"uuid": "nlp-lstm-named-entity-recognition-chinese-news",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-paraformer-asr-nat-zh-cn-16k-common-vocab3444-tensorflow1-online",
"label": "Paraformer语音识别-中文-通用-16k-实时",
"describe": "Paraformer是一种非自回归端到端语音识别模型。非自回归模型相比于目前主流的自回归模型可以并行的对整条句子输出目标文字特别适合利用GPU进行并行推理。Paraformer是目前已知的首个在工业大数据上可以获得和自回归端到端模型相同性能的非自回归模型。配合GPU推理可以将推理效率提升10倍从而将语音识别云服务的机器成本降低接近10倍。",
"hot": 3682,
"pic": "example.jpg",
"uuid": "speech-paraformer-asr-nat-zh-cn-16k-common-vocab3444-tensorflow1-online",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "cv-nafnet-image-deblur-gopro",
"label": "NAFNet图像去模糊",
"describe": "NAFNetNonlinear Activation Free Network提出了一个简单的基线计算效率高。其不需要使用非线性激活函数Sigmoid、ReLU、GELU、Softmax等可以达到SOTA性能。",
"hot": 3667,
"pic": "example.jpg",
"uuid": "cv-nafnet-image-deblur-gopro",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像去模糊",
"field": "机器视觉"
},
{
"price": "1",
"name": "erlangshen-roberta-110m-similarity",
"label": "二郎神-RoBERTa-110M-文本相似度",
"describe": "",
"hot": 3642,
"pic": "example.jpg",
"uuid": "erlangshen-roberta-110m-similarity",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本分类",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-structbert-part-of-speech-chinese-lite",
"label": "BAStructBERT词性标注-中文-新闻领域-lite",
"describe": "基于预训练语言模型的新闻领域中文词性标注模型,根据用户输入的中文句子产出词性标注结果。",
"hot": 3634,
"pic": "example.png",
"uuid": "nlp-structbert-part-of-speech-chinese-lite",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "词性标注",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-ir101-facerecognition-cfglint",
"label": "CurricularFace人脸识别模型",
"describe": "输入一张图片,检测矫正人脸区域后提取特征,两个人脸特征可用于人脸比对,多个人脸特征可用于人脸检索。",
"hot": 3522,
"pic": "example.jpg",
"uuid": "cv-ir101-facerecognition-cfglint",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-clip-it-video-summarization-language-guided-en",
"label": "CLIP_It自然语言引导的视频摘要-Web视频领域-英文",
"describe": "自然语言引导的视频摘要,用户根据自己的需求输入一段自然语言和一个长视频,算法根据用户输入自然语言的内容对输入视频进行自适应的视频摘要。",
"hot": 3479,
"pic": "example.jpg",
"uuid": "cv-clip-it-video-summarization-language-guided-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本指导的视频摘要",
"field": "机器视觉"
},
{
"price": "1",
"name": "mgeo-geographic-textual-similarity-rerank-chinese-base",
"label": "MGeo地址QueryPOI相关性排序-中文-地址领域-base",
"describe": "模型对用户输入的地址query以及候选POI列表包括每个POI包括POI的地址描述以及POI位置进行相关性排序。",
"hot": 3453,
"pic": "example.jpg",
"uuid": "mgeo-geographic-textual-similarity-rerank-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语义相关性",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-chinese-base-finance",
"label": "RaNER命名实体识别-中文-金融领域-base",
"describe": "该模型是基于检索增强(RaNer)方法在CCKS2021中文金融案件要素抽取数据训练的模型。本方法采用Transformer-CRF模型使用StructBERT作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 3436,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-chinese-base-finance",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-lstmcrf-part-of-speech-chinese-news",
"label": "LSTM词性标注-中文-新闻领域",
"describe": "",
"hot": 3386,
"pic": "example.jpg",
"uuid": "nlp-lstmcrf-part-of-speech-chinese-news",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "词性标注",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-tinynas-object-detection-damoyolo-t",
"label": "DAMOYOLO-高性能通用检测模型-T",
"describe": "DAMOYOLO是一款面向工业落地的高性能检测框架精度和速度超越当前的一众典型YOLO框架YOLOE、YOLOv6、YOLOv7。基于TinyNAS技术DAMOYOLO能够针对不同的硬件算力进行低成本的模型定制化搜索。这里仅提供DAMOYOLO-T模型更多模型请参考README。",
"hot": 3379,
"pic": "example.jpg",
"uuid": "cv-tinynas-object-detection-damoyolo-t",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用目标检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-masts-sentence-similarity-clue-chinese-large",
"label": "MaSTS文本相似度-中文-搜索-CLUE语义匹配-large",
"describe": "MaSTS中文文本相似度-CLUE语义匹配模型是在MaSTS预训练模型-CLUE语义匹配的基础上在QBQTC数据集上训练出来的相似度匹配模型。在CLUE语义匹配榜上通过集成此模型获得了第一名的成绩。",
"hot": 3341,
"pic": "example.jpg",
"uuid": "nlp-masts-sentence-similarity-clue-chinese-large",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "句子相似度",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-english-large-music",
"label": "RaNER命名实体识别-英文-音乐领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在英文Music数据集训练的模型。本方法采用Transformer-CRF模型使用xlm-roberta-large作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 3324,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-english-large-music",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-segformer-b4-image-semantic-segmentation-coco-stuff164k",
"label": "Segformer-B4实时语义分割",
"describe": "Neurips2021文章SegFormer: Simple and Efficient Design for Semantic Segmentation with Transformers在COCO_Stuff164K数据集上的复现。官方源码暂没有提供COCO_Stuff164K的相关实现。本模型基于Segformer分割框架所配置训练的语义分割框架。网络模型结构的具体超参数为论文中的B4配置。在CoCo-Stuff-164的数据集上进行了172类的分类",
"hot": 3316,
"pic": "example.jpg",
"uuid": "cv-segformer-b4-image-semantic-segmentation-coco-stuff164k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用图像分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "mgeo-geographic-composition-analysis-chinese-base",
"label": "MGeo地址Query成分分析要素识别-中文-地址领域-base",
"describe": "模型用于识别地址query中的区划、路网、POI、户室号、公交地铁、品牌商圈等元素。",
"hot": 3299,
"pic": "example.jpg",
"uuid": "mgeo-geographic-composition-analysis-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "序列标注",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-lstm-named-entity-recognition-chinese-social-media",
"label": "LSTM命名实体识别-中文-社交媒体领域",
"describe": "本方法采用char-BiLSTM-CRF模型。",
"hot": 3276,
"pic": "example.jpg",
"uuid": "nlp-lstm-named-entity-recognition-chinese-social-media",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-turkish-large-generic",
"label": "RaNER命名实体识别-土耳其语-通用领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在土耳其语数据集MultiCoNER-TR-Turkish训练的模型。 本方法采用Transformer-CRF模型使用XLM-RoBERTa作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 3248,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-turkish-large-generic",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-tinynas-object-detection-damoyolo-cigarette",
"label": "实时香烟检测-通用",
"describe": "本模型为高性能热门应用系列检测模型中的实时香烟检测模型基于面向工业落地的高性能检测框架DAMOYOLO其精度和速度超越当前经典的YOLO系列方法。用户使用的时候仅需要输入一张图像便可以获得图像中所有香烟的坐标信息并可用于吸烟检测等后续应用场景。更多具体信息请参考Model card。",
"hot": 3245,
"pic": "example.jpg",
"uuid": "cv-tinynas-object-detection-damoyolo-cigarette",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "垂类目标检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-english-large-ai",
"label": "RaNER命名实体识别-英文-人工智能领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在英文AI数据集训练的模型。本方法采用Transformer-CRF模型使用xlm-roberta-large作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 3228,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-english-large-ai",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-russian-large-generic",
"label": "RaNER命名实体识别-俄语-通用领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在俄语数据集MultiCoNER-RU-Russian训练的模型。 本方法采用Transformer-CRF模型使用XLM-RoBERTa作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 3223,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-russian-large-generic",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "mgeo-geographic-where-what-cut-chinese-base",
"label": "MGeo地址地点WhereWhat切分-中文-地址领域-base",
"describe": "模型提供将一条地址切分为门址+POI描述的功能。当一条地址包含多个地点描述时通常需要对其进行切分将原始地址切为where和what两部分。",
"hot": 3168,
"pic": "example.jpg",
"uuid": "mgeo-geographic-where-what-cut-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "序列标注",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-sambert-hifigan-tts-xiaoda-wuushanghai-16k",
"label": "语音合成-上海话-通用领域-16k-发音人xiaoda",
"describe": "上海话语音合成女声16k模型本模型使用Sambert-hifigan网络结构。其中后端声学模型的SAM-BERT,将时长模型和声学模型联合进行建模。声码器在HIFI-GAN开源工作的基础上我们针对16k, 48k采样率下的模型结构进行了调优设计并提供了基于因果卷积的低时延流式生成和chunk流式生成机制可与声学模型配合支持CPU、GPU等硬件条件下的实时流式合成。",
"hot": 3154,
"pic": "example.jpg",
"uuid": "speech-sambert-hifigan-tts-xiaoda-wuushanghai-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "cv-gpen-image-portrait-enhancement-hires",
"label": "GPEN人像增强修复-大分辨率人脸",
"describe": "GPEN通过将预训练的人像生成网络嵌入到Unet网络中联合微调的方式在人像修复任务的多项指标中上达到了sota的结果。",
"hot": 3114,
"pic": "example.jpg",
"uuid": "cv-gpen-image-portrait-enhancement-hires",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人像增强",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-dutch-large-generic",
"label": "RaNER命名实体识别-荷兰语-通用领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在荷兰语数据集MultiCoNER-NL-Dutch训练的模型。 本方法采用Transformer-CRF模型使用XLM-RoBERTa作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 3089,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-dutch-large-generic",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-es-16k-common-vocab3445-tensorflow1-online",
"label": "UniASR语音识别-西班牙语-通用-16k-实时",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 3079,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-es-16k-common-vocab3445-tensorflow1-online",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-ko-16k-common-vocab6400-tensorflow1-offline",
"label": "UniASR语音识别-韩语-通用-16k-离线",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 3077,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-ko-16k-common-vocab6400-tensorflow1-offline",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "cv-yolox-pai-hand-detection",
"label": "YOLOX-PAI手部检测模型",
"describe": "输入一张图像,并对其中手部区域进行检测,输出所有手部区域检测框、置信度和标签。",
"hot": 3056,
"pic": "example.jpeg",
"uuid": "cv-yolox-pai-hand-detection",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "垂类目标检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-cantonese-chs-16k-common-vocab1468-tensorflow1-offline",
"label": "UniASR语音识别-粤语简体-通用-16k-离线",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 3042,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-cantonese-chs-16k-common-vocab1468-tensorflow1-offline",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-korean-large-generic",
"label": "RaNER命名实体识别-韩语-通用领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在韩语数据集MultiCoNER-KO-Korean训练的模型。 本方法采用Transformer-CRF模型使用XLM-RoBERTa作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 2987,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-korean-large-generic",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-farsi-large-generic",
"label": "RaNER命名实体识别-波斯语-通用领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在波斯语数据集MultiCoNER-FA-Farsi训练的模型。 本方法采用Transformer-CRF模型使用XLM-RoBERTa作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 2944,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-farsi-large-generic",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "mplug-image-captioning-coco-base-zh",
"label": "mPLUG图像描述模型-中文-base",
"describe": "mPLUG中文图像描述base模型",
"hot": 2935,
"pic": "example.png",
"uuid": "mplug-image-captioning-coco-base-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像描述",
"field": "多模态"
},
{
"price": "1",
"name": "cv-segformer-b2-image-semantic-segmentation-coco-stuff164k",
"label": "Segformer-B2实时语义分割",
"describe": "Neurips2021文章SegFormer: Simple and Efficient Design for Semantic Segmentation with Transformers在COCO_Stuff164K数据集上的复现。官方源码暂没有提供COCO_Stuff164K的相关实现。本模型基于Segformer分割框架所配置训练的语义分割框架。网络模型结构的具体超参数为论文中的B2配置。在CoCo-Stuff-164的数据集上进行了172类的分类",
"hot": 2878,
"pic": "example.jpg",
"uuid": "cv-segformer-b2-image-semantic-segmentation-coco-stuff164k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用图像分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-fsmn-vad-zh-cn-8k-common",
"label": "FSMN语音端点检测-中文-通用-8k",
"describe": "FSMN-Monophone VAD模型可用于检测长语音片段中有效语音的起止时间点。",
"hot": 2870,
"pic": "example.png",
"uuid": "speech-fsmn-vad-zh-cn-8k-common",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音端点检测",
"field": "听觉"
},
{
"price": "1",
"name": "cv-manual-face-detection-tinymog",
"label": "TinyMog人脸检测器-tiny",
"describe": "",
"hot": 2864,
"pic": "example.jpg",
"uuid": "cv-manual-face-detection-tinymog",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "ofa-mmspeech-asr-aishell1-base-zh",
"label": "OFA-MMSpeech语音识别-中文-aishell1-base",
"describe": "对比SOTAMMSpeech字错误率降低了48.3%/42.4%效果达到1.6%/1.9%远超SOTA 3.1%/3.3%benchmark为AIShell1 dev/test。",
"hot": 2820,
"pic": "example.jpg",
"uuid": "ofa-mmspeech-asr-aishell1-base-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "多模态"
},
{
"price": "1",
"name": "cv-raft-video-frame-interpolation",
"label": "VFI-RAFT视频插帧",
"describe": "给定一段低帧率视频,模型通过对帧间的光流和运动估计生成中间帧,最终输出一段高帧率视频,从而提升视频的流畅度。",
"hot": 2806,
"pic": "example.png",
"uuid": "cv-raft-video-frame-interpolation",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频插帧",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-german-large-generic",
"label": "RaNER命名实体识别-德语-通用领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在德语数据集MultiCoNER-DE-German训练的模型。本方法采用Transformer-CRF模型使用XLM-RoBERTa作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 2793,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-german-large-generic",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-segformer-b3-image-semantic-segmentation-coco-stuff164k",
"label": "Segformer-B3实时语义分割",
"describe": "Neurips2021文章SegFormer: Simple and Efficient Design for Semantic Segmentation with Transformers在COCO_Stuff164K数据集上的复现。官方源码暂没有提供COCO_Stuff164K的相关实现。本模型基于Segformer分割框架所配置训练的语义分割框架。网络模型结构的具体超参数为论文中的B3配置。在CoCo-Stuff-164的数据集上进行了172类的分类",
"hot": 2770,
"pic": "example.jpg",
"uuid": "cv-segformer-b3-image-semantic-segmentation-coco-stuff164k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用图像分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-hindi-large-generic",
"label": "RaNER命名实体识别-印地语-通用领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在MultiCoNER领域数据集训练的模型。本方法采用Transformer-CRF模型使用StructBERT作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 2769,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-hindi-large-generic",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-res2net-camouflaged-detection",
"label": "图像伪装色目标检测",
"describe": "给定一张输入图像输出视觉显著注意力程度图归一化至0~255。",
"hot": 2766,
"pic": "example.jpg",
"uuid": "cv-res2net-camouflaged-detection",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语义分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-fa-16k-common-vocab1257-pytorch-offline",
"label": "UniASR语音识别-波斯语-通用-16k-离线",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 2752,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-fa-16k-common-vocab1257-pytorch-offline",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "speech-sambert-hifigan-tts-en-gb-16k",
"label": "语音合成-英式英文-通用领域-16k-多发音人",
"describe": "本模型是一种应用于参数TTS系统的后端声学模型及声码器模型。其中后端声学模型的SAM-BERT,将时长模型和声学模型联合进行建模。声码器在HIFI-GAN开源工作的基础上我们针对16k, 48k采样率下的模型结构进行了调优设计并提供了基于因果卷积的低时延流式生成和chunk流式生成机制可与声学模型配合支持CPU、GPU等硬件条件下的实时流式合成。",
"hot": 2746,
"pic": "example.jpg",
"uuid": "speech-sambert-hifigan-tts-en-gb-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-english-large-social-media",
"label": "RaNER命名实体识别-英文-社交媒体领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在英文wnut17领域数据集训练的模型。本方法采用Transformer-CRF模型使用StructBERT作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 2715,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-english-large-social-media",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-english-large-wiki",
"label": "RaNER命名实体识别-英语-wiki领域-large",
"describe": "本方法采用Transformer-CRF模型使用XLM-RoBERTa作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 2680,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-english-large-wiki",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-es-16k-common-vocab3445-tensorflow1-offline",
"label": "UniASR语音识别-西班牙语-通用-16k-离线",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 2673,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-es-16k-common-vocab3445-tensorflow1-offline",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-spanish-large-generic",
"label": "RaNER命名实体识别-西班牙语-通用领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在西班牙语数据集MultiCoNER-ES-Spanish训练的模型。 本方法采用Transformer-CRF模型使用XLM-RoBERTa作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 2657,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-spanish-large-generic",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-csanmt-translation-en2ru-base",
"label": "CSANMT连续语义增强机器翻译-英俄-通用领域-base",
"describe": "基于连续语义增强的神经机器翻译模型以有限的训练样本为锚点,学习连续语义分布以建模全局的句子空间,并据此构建神经机器翻译引擎,有效提升数据的利用效率,显著改善模型的泛化能力和鲁棒性。",
"hot": 2642,
"pic": "example.jpg",
"uuid": "nlp-csanmt-translation-en2ru-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "翻译",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-sambert-hifigan-tts-jiajia-cantonese-16k",
"label": "语音合成-广东粤语-通用领域-16k-发音人jiajia",
"describe": "广东粤语语音合成女声16k模型本模型使用Sambert-hifigan网络结构。其中后端声学模型的SAM-BERT,将时长模型和声学模型联合进行建模。声码器在HIFI-GAN开源工作的基础上我们针对16k, 48k采样率下的模型结构进行了调优设计并提供了基于因果卷积的低时延流式生成和chunk流式生成机制可与声学模型配合支持CPU、GPU等硬件条件下的实时流式合成。",
"hot": 2629,
"pic": "example.jpg",
"uuid": "speech-sambert-hifigan-tts-jiajia-cantonese-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "cv-vitb16-classification-vision-efficient-tuning-lora",
"label": "基础视觉模型高效调优-LoRA",
"describe": "",
"hot": 2605,
"pic": "example.jpg",
"uuid": "cv-vitb16-classification-vision-efficient-tuning-lora",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "基础模型调优",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-english-large-literature",
"label": "RaNER命名实体识别-英文-文学领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在英文Literature数据集训练的模型。本方法采用Transformer-CRF模型使用xlm-roberta-large作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 2602,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-english-large-literature",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-paraformer-asr-nat-zh-cn-8k-common-vocab3444-tensorflow1-online",
"label": "Paraformer语音识别-中文-通用-8k-实时",
"describe": "Paraformer是一种非自回归端到端语音识别模型。非自回归模型相比于目前主流的自回归模型可以并行的对整条句子输出目标文字特别适合利用GPU进行并行推理。Paraformer是目前已知的首个在工业大数据上可以获得和自回归端到端模型相同性能的非自回归模型。配合GPU推理可以将推理效率提升10倍从而将语音识别云服务的机器成本降低接近10倍。",
"hot": 2600,
"pic": "example.jpg",
"uuid": "speech-paraformer-asr-nat-zh-cn-8k-common-vocab3444-tensorflow1-online",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-english-large-politics",
"label": "RaNER命名实体识别-英文-政治领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在英文Politics数据集训练的模型。本方法采用Transformer-CRF模型使用xlm-roberta-large作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 2547,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-english-large-politics",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-bangla-large-generic",
"label": "RaNER命名实体识别-孟加拉语-通用领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在孟加拉语数据集MultiCoNER-BN-Bangla训练的模型。 本方法采用Transformer-CRF模型使用XLM-RoBERTa作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 2506,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-bangla-large-generic",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-segformer-b1-image-semantic-segmentation-coco-stuff164k",
"label": "Segformer-B1实时语义分割",
"describe": "Neurips2021文章SegFormer: Simple and Efficient Design for Semantic Segmentation with Transformers在COCO_Stuff164K数据集上的复现。官方源码暂没有提供COCO_Stuff164K的相关实现。本模型基于Segformer分割框架所配置训练的实时语义分割框架。网络模型结构的具体超参数为论文中的B1配置。在CoCo-Stuff-164的数据集上进行了172类的分类",
"hot": 2501,
"pic": "example.jpg",
"uuid": "cv-segformer-b1-image-semantic-segmentation-coco-stuff164k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用图像分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "ofa-mmspeech-pretrain-base-zh",
"label": "OFA-MMSpeech语音识别预训练-中文-通用领域-base",
"describe": "对比SOTAMMSpeech字错误率降低了48.3%/42.4%效果达到1.6%/1.9%远超SOTA 3.1%/3.3%benchmark为AIShell1 dev/test。",
"hot": 2442,
"pic": "example.jpg",
"uuid": "ofa-mmspeech-pretrain-base-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "多模态"
},
{
"price": "1",
"name": "speech-paraformer-asr-nat-zh-cn-16k-aishell1-vocab4234-pytorch",
"label": "Paraformer语音识别-中文-aishell1-16k-离线-pytorch",
"describe": "Paraformer是一种非自回归端到端语音识别模型。非自回归模型相比于目前主流的自回归模型可以并行的对整条句子输出目标文字特别适合利用GPU进行并行推理。Paraformer是目前已知的首个在工业大数据上可以获得和自回归端到端模型相同性能的非自回归模型。配合GPU推理可以将推理效率提升10倍从而将语音识别云服务的机器成本降低接近10倍。",
"hot": 2431,
"pic": "example.jpg",
"uuid": "speech-paraformer-asr-nat-zh-cn-16k-aishell1-vocab4234-pytorch",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "cv-diffusion-text-to-image-synthesis-tiny",
"label": "文本到图像生成扩散模型-中英文-通用领域-tiny",
"describe": "文本到图像生成扩散模型-中英文-通用领域-tiny",
"hot": 2429,
"pic": "example.jpg",
"uuid": "cv-diffusion-text-to-image-synthesis-tiny",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成图片",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-resnet34-face-attribute-recognition-fairface",
"label": "人脸属性识别模型FairFace",
"describe": "给定一张带人脸的图片,返回其性别和年龄范围。",
"hot": 2398,
"pic": "example.png",
"uuid": "cv-resnet34-face-attribute-recognition-fairface",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸属性识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-conformer-asr-nat-zh-cn-16k-aishell2-vocab5212-pytorch",
"label": "Conformer语音识别-中文-aishell2-16k-离线-pytorch",
"describe": "Conformer模型通过在self-attenion基础上叠加卷积模块来加强模型的局部信息建模能力进一步提升了模型的效果。Conformer已经在AISHELL-1、AISHELL-2、LibriSpeech等多个开源数据上取得SOTA结果。",
"hot": 2361,
"pic": "example.jpeg",
"uuid": "speech-conformer-asr-nat-zh-cn-16k-aishell2-vocab5212-pytorch",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "cv-nafnet-image-deblur-reds",
"label": "NAFNet图像去模糊压缩",
"describe": "NAFNetNonlinear Activation Free Network提出了一个简单的基线计算效率高。其不需要使用非线性激活函数Sigmoid、ReLU、GELU、Softmax等可以达到SOTA性能。",
"hot": 2341,
"pic": "example.jpg",
"uuid": "cv-nafnet-image-deblur-reds",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像去模糊",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-structbert-sentence-similarity-chinese-tiny",
"label": "StructBERT文本相似度-中文-通用-tiny",
"describe": "StructBERT文本相似度-中文-通用-tiny是在structbert-tiny-chinese预训练模型的基础上用atec、bq_corpus、chineseSTS、lcqmc、paws-x-zh五个数据集52.5w条数据正负比例0.48:0.52)训练出来的相似度匹配模型",
"hot": 2325,
"pic": "example.png",
"uuid": "nlp-structbert-sentence-similarity-chinese-tiny",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "句子相似度",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-zh-cn-8k-common-vocab3445-pytorch-offline",
"label": "UniASR语音识别-中文-通用-8k-离线-pytorch",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 2323,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-zh-cn-8k-common-vocab3445-pytorch-offline",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "cv-tinynas-object-detection-damoyolo-safety-helmet",
"label": "实时安全帽检测-通用",
"describe": "本模型为高性能热门应用系列检测模型中的实时安全帽头盔检测模型基于面向工业落地的高性能检测框架DAMOYOLO其精度和速度超越当前经典的YOLO系列方法。用户使用的时候仅需要输入一张图像便可以获得图像中所有人头的坐标信息以及是否佩戴安全帽头盔。更多具体信息请参考Model card。",
"hot": 2301,
"pic": "example.jpg",
"uuid": "cv-tinynas-object-detection-damoyolo-safety-helmet",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "垂类目标检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "ofa-mmspeech-pretrain-large-zh",
"label": "OFA-MMSpeech语音识别预训练-中文-通用领域-large",
"describe": "对比SOTAMMSpeech字错误率降低了48.3%/42.4%效果达到1.6%/1.9%远超SOTA 3.1%/3.3%benchmark为AIShell1 dev/test。",
"hot": 2301,
"pic": "example.jpg",
"uuid": "ofa-mmspeech-pretrain-large-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "多模态"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-russian-large-ecom",
"label": "RaNER命名实体识别-俄语-电商领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在俄语电商query数据集训练的模型。本方法采用Transformer-CRF模型使用xlm-roberta-large作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 2269,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-russian-large-ecom",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-english-large-science",
"label": "RaNER命名实体识别-英文-科学领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在英文Science数据集训练的模型。本方法采用Transformer-CRF模型使用xlm-roberta-large作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 2245,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-english-large-science",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-tinynas-head-detection-damoyolo",
"label": "实时人头检测-通用",
"describe": "本模型为高性能热门应用系列检测模型中的实时人头检测模型基于面向工业落地的高性能检测框架DAMOYOLO其精度和速度超越当前经典的YOLO系列方法。用户使用的时候仅需要输入一张图像便可以获得图像中所有人头的坐标信息并可用于行人计数等后续应用场景。更多具体信息请参考Model card。",
"hot": 2238,
"pic": "example.jpg",
"uuid": "cv-tinynas-head-detection-damoyolo",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "垂类目标检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-csanmt-translation-fr2en",
"label": "CSANMT连续语义增强机器翻译-法英-通用领域-base",
"describe": "基于连续语义增强的神经机器翻译模型以有限的训练样本为锚点,学习连续语义分布以建模全局的句子空间,并据此构建神经机器翻译引擎,有效提升数据的利用效率,显著改善模型的泛化能力和鲁棒性。",
"hot": 2220,
"pic": "example.jpg",
"uuid": "nlp-csanmt-translation-fr2en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "翻译",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-paraformerbert-asr-nat-zh-cn-16k-aishell2-vocab5212-pytorch",
"label": "ParaformerBert语音识别-中文-aishell2-16k-离线-pytorch",
"describe": "Paraformer是一种非自回归端到端语音识别模型。非自回归模型相比于目前主流的自回归模型可以并行的对整条句子输出目标文字特别适合利用GPU进行并行推理。Paraformer是目前已知的首个在工业大数据上可以获得和自回归端到端模型相同性能的非自回归模型。配合GPU推理可以将推理效率提升10倍从而将语音识别云服务的机器成本降低接近10倍。",
"hot": 2126,
"pic": "example.jpg",
"uuid": "speech-paraformerbert-asr-nat-zh-cn-16k-aishell2-vocab5212-pytorch",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-spanish-large-ecom",
"label": "RaNER命名实体识别-西班牙语-电商领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在西班牙语电商query数据集训练的模型。本方法采用Transformer-CRF模型使用xlm-roberta-large作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 2125,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-spanish-large-ecom",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-corom-sentence-embedding-chinese-tiny",
"label": "CoROM文本向量-中文-通用领域-tiny",
"describe": "基于CoROM-base预训练语言模型的通用领域中文文本表示模型基于输入的句子产出对应的文本向量文本向量可以使用在下游的文本检索、句子相似度计算、文本聚类等任务中。",
"hot": 2116,
"pic": "example.png",
"uuid": "nlp-corom-sentence-embedding-chinese-tiny",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本向量",
"field": "自然语言"
},
{
"price": "1",
"name": "ofa-text-to-image-synthesis-coco-large-en",
"label": "OFA文生图模型-英文-通用领域-large",
"describe": "文本到图像生成任务输入一句英文描述文本模型会返回一张符合文本描述的256*256分辨率图像。",
"hot": 2108,
"pic": "example.jpg",
"uuid": "ofa-text-to-image-synthesis-coco-large-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成图片",
"field": "多模态"
},
{
"price": "1",
"name": "nlp-structbert-siamese-uie-chinese-base",
"label": "SiameseUIE通用信息抽取-中文-base",
"describe": "",
"hot": 2097,
"pic": "example.jpg",
"uuid": "nlp-structbert-siamese-uie-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "孪生通用信息抽取",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-vitb16-classification-vision-efficient-tuning-prefix",
"label": "基础视觉模型高效调优-Prefix",
"describe": "",
"hot": 2027,
"pic": "example.jpg",
"uuid": "cv-vitb16-classification-vision-efficient-tuning-prefix",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "基础模型调优",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-ponet-fill-mask-chinese-base",
"label": "PoNet预训练模型-中文-base",
"describe": "nlp_ponet_fill-mask_chinese-base是用中文wiki训练的预训练PoNet模型。",
"hot": 2024,
"pic": "example.jpg",
"uuid": "nlp-ponet-fill-mask-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "预训练",
"field": "自然语言"
},
{
"price": "1",
"name": "multi-modal-clip-vit-huge-patch14-zh",
"label": "CLIP模型-中文-通用领域-huge",
"describe": "本项目为CLIP模型的中文版本使用大规模中文数据进行训练~2亿图文对旨在帮助用户实现中文领域的跨模态检索、图像表示等。视觉encoder采用vit结构文本encoder采用roberta结构。 模型在多个中文图文检索数据集上进行了效果测试。",
"hot": 1967,
"pic": "example.jpg",
"uuid": "multi-modal-clip-vit-huge-patch14-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "多模态表征",
"field": "多模态"
},
{
"price": "1",
"name": "nlp-raner-named-entity-recognition-french-large-ecom",
"label": "RaNER命名实体识别-法语-电商领域-large",
"describe": "该模型是基于检索增强(RaNer)方法在法语电商query数据集训练的模型。本方法采用Transformer-CRF模型使用xlm-roberta-large作为预训练模型底座结合使用外部工具召回的相关句子作为额外上下文使用Multi-view Training方式进行训练。",
"hot": 1924,
"pic": "example.jpg",
"uuid": "nlp-raner-named-entity-recognition-french-large-ecom",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-paraformerbert-asr-nat-zh-cn-16k-aishell1-vocab4234-pytorch",
"label": "ParaformerBert语音识别-中文-aishell1-16k-离线-pytorch",
"describe": "Paraformer是一种非自回归端到端语音识别模型。非自回归模型相比于目前主流的自回归模型可以并行的对整条句子输出目标文字特别适合利用GPU进行并行推理。Paraformer是目前已知的首个在工业大数据上可以获得和自回归端到端模型相同性能的非自回归模型。配合GPU推理可以将推理效率提升10倍从而将语音识别云服务的机器成本降低接近10倍。",
"hot": 1902,
"pic": "example.jpg",
"uuid": "speech-paraformerbert-asr-nat-zh-cn-16k-aishell1-vocab4234-pytorch",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-palm2-0-pretrained-chinese-base",
"label": "PALM 2.0预训练生成模型-中文-base",
"describe": "达摩PALM 2.0中文Base预训练模型",
"hot": 1890,
"pic": "example.png",
"uuid": "nlp-palm2-0-pretrained-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-bart-text-error-correction-chinese-law",
"label": "BART文本纠错-中文-法律领域-large",
"describe": "法研杯2022文书校对赛道冠军纠错模型单模型。",
"hot": 1867,
"pic": "example.png",
"uuid": "nlp-bart-text-error-correction-chinese-law",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本纠错",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-paraformer-asr-nat-zh-cn-16k-aishell2-vocab5212-pytorch",
"label": "Paraformer语音识别-中文-aishell2-16k-离线-pytorch",
"describe": "Paraformer是一种非自回归端到端语音识别模型。非自回归模型相比于目前主流的自回归模型可以并行的对整条句子输出目标文字特别适合利用GPU进行并行推理。Paraformer是目前已知的首个在工业大数据上可以获得和自回归端到端模型相同性能的非自回归模型。配合GPU推理可以将推理效率提升10倍从而将语音识别云服务的机器成本降低接近10倍。",
"hot": 1812,
"pic": "example.jpg",
"uuid": "speech-paraformer-asr-nat-zh-cn-16k-aishell2-vocab5212-pytorch",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "cv-raft-video-frame-interpolation-practical",
"label": "VFI-RAFT视频插帧-应用型",
"describe": "偏实际应用的视频插帧模型,相较原版模型,该模型能支持任意倍率的帧率转换,同时在各种困难场景下如大运动、重复纹理、台标字幕等有更好更稳定的插帧效果。",
"hot": 1810,
"pic": "example.jpeg",
"uuid": "cv-raft-video-frame-interpolation-practical",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频插帧",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-inverse-text-processing-fun-text-processing-itn-en",
"label": "语音识别-英语-后处理- ITN模型",
"describe": "英语文本反正则化。Inverse Text Processing for English.",
"hot": 1787,
"pic": "example.jpg",
"uuid": "speech-inverse-text-processing-fun-text-processing-itn-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "逆文本正则化",
"field": "听觉"
},
{
"price": "1",
"name": "cv-maskdino-swin-l-image-instance-segmentation-coco",
"label": "MaskDINO-SwinL图像实例分割",
"describe": "SOTA通用目标检测和实例分割模型backbone使用Swin transformer large。",
"hot": 1781,
"pic": "example.jpeg",
"uuid": "cv-maskdino-swin-l-image-instance-segmentation-coco",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用图像分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-structbert-zero-shot-classification-chinese-large",
"label": "StructBERT零样本分类-中文-large",
"describe": "该模型使用StructBERT-large在xnli_zh数据集(将英文数据集重新翻译得到中文数据集)上面进行了训练得到。",
"hot": 1739,
"pic": "example.jpg",
"uuid": "nlp-structbert-zero-shot-classification-chinese-large",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "零样本分类",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-resnet50-image-quality-assessment-degradation",
"label": "图像画质损伤分析",
"describe": "",
"hot": 1721,
"pic": "example.jpg",
"uuid": "cv-resnet50-image-quality-assessment-degradation",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像画质损伤分析",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-structbert-sentence-similarity-chinese-retail-base",
"label": "StructBERT文本相似度-中文-电商-base",
"describe": "StructBERT中文电商域文本相似度模型是在structbert-base-chinese预训练模型的基础上用电商域标注数据训练出来的相似度匹配模型。",
"hot": 1702,
"pic": "example.png",
"uuid": "nlp-structbert-sentence-similarity-chinese-retail-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "句子相似度",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-bert-document-segmentation-english-base",
"label": "BERT文本分割-英文-通用领域",
"describe": "该模型基于wiki-en公开语料训练对未分割的长文本进行段落分割。提升未分割文本的可读性以及下游NLP任务的性能。",
"hot": 1680,
"pic": "example.jpg",
"uuid": "nlp-bert-document-segmentation-english-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本分割",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-inverse-text-processing-fun-text-processing-itn-ja",
"label": "语音识别-日语-后处理- ITN模型",
"describe": "日语文本反正则化。Inverse Text Processing for Japanese.",
"hot": 1675,
"pic": "example.jpg",
"uuid": "speech-inverse-text-processing-fun-text-processing-itn-ja",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "逆文本正则化",
"field": "听觉"
},
{
"price": "1",
"name": "speech-sambert-hifigan-tts-kyong-korean-16k",
"label": "语音合成-韩语-通用领域-16k-发音人kyong",
"describe": "韩语语音合成女声16k模型本模型使用Sambert-hifigan网络结构。其中后端声学模型的SAM-BERT将时长模型和声学模型联合进行建模。声码器在HIFI-GAN开源工作的基础上我们针对16k, 48k采样率下的模型结构进行了调优设计并提供了基于因果卷积的低时延流式生成和chunk流式生成机制可与声学模型配合支持CPU、GPU等硬件条件下的实时流式合成。",
"hot": 1642,
"pic": "example.jpg",
"uuid": "speech-sambert-hifigan-tts-kyong-korean-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "multi-modal-clip-vit-large-patch14-zh",
"label": "CLIP模型-中文-通用领域-large",
"describe": "本项目为CLIP模型的中文版本使用大规模中文数据进行训练~2亿图文对旨在帮助用户实现中文领域的跨模态检索、图像表示等。视觉encoder采用vit结构文本encoder采用roberta结构。 模型在多个中文图文检索数据集上进行了效果测试。",
"hot": 1633,
"pic": "example.jpg",
"uuid": "multi-modal-clip-vit-large-patch14-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "多模态表征",
"field": "多模态"
},
{
"price": "1",
"name": "cv-resnet50-face-reconstruction",
"label": "人脸重建模型",
"describe": "单图人脸重建榜单REALY冠军模型相关论文被CVPR2023收录。",
"hot": 1626,
"pic": "example.jpg",
"uuid": "cv-resnet50-face-reconstruction",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸重建",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-controlnet-controllable-image-generation-nine-annotators",
"label": "ControlNet可控图像生成",
"describe": "输入一张图像指定控制类别并提供期望生成图像的描述prompt模型会根据输入图像抽取相应的控制信息并生成精美图像。",
"hot": 1614,
"pic": "example.jpg",
"uuid": "cv-controlnet-controllable-image-generation-nine-annotators",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "",
"field": "机器视觉"
},
{
"price": "1",
"name": "guohua-diffusion",
"label": "国画Diffusion模型",
"describe": "这是在国画上训练的微调Stable Diffusion模型",
"hot": 1597,
"pic": "example.jpg",
"uuid": "guohua-diffusion",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成图片",
"field": "大模型"
},
{
"price": "1",
"name": "multilingual-glm-summarization-zh",
"label": "mGLM多语言大模型-生成式摘要-中文",
"describe": "mGLM多语言大模型可从大段文本中提取关键信息为你生成简短的中文摘要支持多种语言输入",
"hot": 1589,
"pic": "example.png",
"uuid": "multilingual-glm-summarization-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本摘要",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-corom-sentence-embedding-chinese-tiny-ecom",
"label": "CoROM文本向量-中文-电商领域-tiny",
"describe": "基于CoROM-tiny预训练语言模型的电商领域中文文本表示模型基于输入的句子产出对应的文本向量文本向量可以使用在下游的文本检索、句子相似度计算、文本聚类等任务中。",
"hot": 1582,
"pic": "example.jpg",
"uuid": "nlp-corom-sentence-embedding-chinese-tiny-ecom",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本向量",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-ir50-face-recognition-arcface",
"label": "ArcFace人脸识别模型",
"describe": "输入一张图片,检测矫正人脸区域后提取特征,两个人脸特征可用于人脸比对,多个人脸特征可用于人脸检索。",
"hot": 1561,
"pic": "example.jpg",
"uuid": "cv-ir50-face-recognition-arcface",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-charctc-kws-phone-xiaoyun-commands",
"label": "CTC语音唤醒-移动端-单麦-16k-小云-多命令词",
"describe": "移动端语音多命令词模型我们根据以往项目积累挑选了多个场景常用命令词数据进行模型迭代所得单一模型支持30+关键词的快速检测。",
"hot": 1556,
"pic": "example.jpg",
"uuid": "speech-charctc-kws-phone-xiaoyun-commands",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音唤醒",
"field": "听觉"
},
{
"price": "1",
"name": "cv-uhdm-image-demoireing",
"label": "uhdm图像去摩尔纹",
"describe": "图像去摩尔纹",
"hot": 1549,
"pic": "example.jpg",
"uuid": "cv-uhdm-image-demoireing",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像去摩尔纹",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-corom-sentence-embedding-chinese-tiny-medical",
"label": "CoROM文本向量-中文-医疗领域-tiny",
"describe": "基于CoROM-tiny预训练语言模型的电商领域中文文本表示模型基于输入的句子产出对应的文本向量文本向量可以使用在下游的文本检索、句子相似度计算、文本聚类等任务中。",
"hot": 1505,
"pic": "example.jpg",
"uuid": "nlp-corom-sentence-embedding-chinese-tiny-medical",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本向量",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-corom-sentence-embedding-english-tiny",
"label": "CoROM文本向量-英文-通用领域-tiny",
"describe": "基于CoROM-Base预训练模型的通用领域英文语义相关性模型模型以一个source sentence以及一个句子列表作为输入最终输出source sentence与列表中每个句子的相关性得分0-1分数越高代表两者越相关。",
"hot": 1489,
"pic": "example.png",
"uuid": "nlp-corom-sentence-embedding-english-tiny",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本向量",
"field": "自然语言"
},
{
"price": "1",
"name": "ofa-pretrain-base-zh",
"label": "OFA预训练模型-中文-通用领域-base",
"describe": "OFA的预训练ckpt能够在完全不改变模型结构的情况下进行下游任务的finetune是finetune的基础ckpt。",
"hot": 1488,
"pic": "example.jpg",
"uuid": "ofa-pretrain-base-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "",
"field": "多模态"
},
{
"price": "1",
"name": "nlp-csanmt-translation-es2en",
"label": "CSANMT连续语义增强机器翻译-西英-通用领域-base",
"describe": "基于连续语义增强的神经机器翻译模型以有限的训练样本为锚点,学习连续语义分布以建模全局的句子空间,并据此构建神经机器翻译引擎,有效提升数据的利用效率,显著改善模型的泛化能力和鲁棒性。",
"hot": 1488,
"pic": "example.jpg",
"uuid": "nlp-csanmt-translation-es2en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "翻译",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-sambert-hifigan-tts-masha-russian-16k",
"label": "语音合成-俄语-通用领域-16k-发音人masha",
"describe": "俄语语音合成女声16k模型本模型使用Sambert-hifigan网络结构。其中后端声学模型的SAM-BERT将时长模型和声学模型联合进行建模。声码器在HIFI-GAN开源工作的基础上我们针对16k, 48k采样率下的模型结构进行了调优设计并提供了基于因果卷积的低时延流式生成和chunk流式生成机制可与声学模型配合支持CPU、GPU等硬件条件下的实时流式合成。",
"hot": 1348,
"pic": "example.jpg",
"uuid": "speech-sambert-hifigan-tts-masha-russian-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "speech-paraformer-tiny-commandword-asr-nat-zh-cn-16k-vocab544-pytorch",
"label": "Paraformer语音识别-中文-端上指令词-16k-离线-tiny",
"describe": "轻量化小词表Paraformer中文指令词识别模型参数量控制在5M左右支持通用智能家居交互等常规指令词并且使用share embedding策略进一步缩小参数量。",
"hot": 1312,
"pic": "example.jpg",
"uuid": "speech-paraformer-tiny-commandword-asr-nat-zh-cn-16k-vocab544-pytorch",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "cv-swin-t-referring-video-object-segmentation",
"label": "MTTR文本指导的视频目标分割-英文",
"describe": "",
"hot": 1298,
"pic": "example.jpg",
"uuid": "cv-swin-t-referring-video-object-segmentation",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本指导的视频目标分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-swinl-image-object-detection-dino",
"label": "DINO-高精度目标检测模型",
"describe": "本模型是DINO高精度目标检测模型采用SwinL主干网络在COCO验证集精度可达63.39%。",
"hot": 1276,
"pic": "example.jpg",
"uuid": "cv-swinl-image-object-detection-dino",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用目标检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-inverse-text-processing-fun-text-processing-itn-de",
"label": "语音识别-德语-后处理- ITN模型",
"describe": "德语文本反正则化。Inverse Text Processing for German.",
"hot": 1274,
"pic": "example.jpg",
"uuid": "speech-inverse-text-processing-fun-text-processing-itn-de",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "逆文本正则化",
"field": "听觉"
},
{
"price": "1",
"name": "cv-resnet101-image-single-human-parsing",
"label": "M2FP单人人体解析",
"describe": "",
"hot": 1273,
"pic": "example.jpg",
"uuid": "cv-resnet101-image-single-human-parsing",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用图像分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-unet-video-colorization",
"label": "DeOldify视频上色",
"describe": "DeOldify 是上色领域比较有名的开源算法,模型利用 ResNet 作为 encoder 构建一个 UNet 结构的网络,并提出了多个不同的训练版本,本模型是用于视频上色的版本。",
"hot": 1261,
"pic": "example.jpg",
"uuid": "cv-unet-video-colorization",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频上色",
"field": "机器视觉"
},
{
"price": "1",
"name": "chatyuan-large-v2",
"label": "元语功能型对话大模型v2",
"describe": "元语功能型对话大模型这个模型可以用于问答、结合上下文做对话、做各种生成任务包括创意性写作也能回答一些像法律、新冠等领域问题。它基于PromptCLUE-large结合数亿条功能对话多轮对话数据进一步训练得到。是元语功能型对话大模型v1的升级版",
"hot": 1254,
"pic": "example.jpeg",
"uuid": "chatyuan-large-v2",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "端到端文本生成",
"field": "大模型"
},
{
"price": "1",
"name": "cv-vitadapter-semantic-segmentation-cocostuff164k",
"label": "Mask2Former-ViTAdapter语义分割",
"describe": "该语义分割模型基于Mask2Former架构ViTAdapter为backbone训练数据库为COCO-Stuff164k。",
"hot": 1244,
"pic": "example.jpg",
"uuid": "cv-vitadapter-semantic-segmentation-cocostuff164k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用图像分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-bert-relation-extraction-chinese-base",
"label": "RoBERTa关系抽取-中文-通用-base",
"describe": "百科关系抽取模型是在hfl/chinese-roberta-wwm-ext预训练模型的基础上用duie数据集训练出来的关系抽取模型。",
"hot": 1237,
"pic": "example.jpg",
"uuid": "nlp-bert-relation-extraction-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "关系抽取",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-resnet101-image-multiple-human-parsing",
"label": "M2FP多人人体解析",
"describe": "",
"hot": 1223,
"pic": "example.jpg",
"uuid": "cv-resnet101-image-multiple-human-parsing",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "通用图像分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-paraformer-large-asr-nat-zh-cn-16k-aishell1-vocab8404-pytorch",
"label": "Paraformer语音识别-中文-aishell1-16k-离线-large-pytorch",
"describe": "Paraformer是一种非自回归端到端语音识别模型。非自回归模型相比于目前主流的自回归模型可以并行的对整条句子输出目标文字特别适合利用GPU进行并行推理。Paraformer是目前已知的首个在工业大数据上可以获得和自回归端到端模型相同性能的非自回归模型。配合GPU推理可以将推理效率提升10倍从而将语音识别云服务的机器成本降低接近10倍。",
"hot": 1194,
"pic": "example.jpg",
"uuid": "speech-paraformer-large-asr-nat-zh-cn-16k-aishell1-vocab8404-pytorch",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-structbert-nli-chinese-base",
"label": "StructBERT自然语言推理-中文-通用-base",
"describe": "StructBERT自然语言推理-中文-通用-base是在structbert-base-chinese预训练模型的基础上用CMNLI、OCNLI两个数据集45.8w条数据)训练出来的自然语言推理模型。",
"hot": 1175,
"pic": "example.jpg",
"uuid": "nlp-structbert-nli-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "自然语言推理",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-tadaconv-action-recognition",
"label": "TAdaConv动作识别模型-英文-通用领域",
"describe": "TAdaConv是一种在动作识别模型中即插即用的时序自适应卷积Temporally-Adaptive Convolutions。可以明显提升SlowFast、R2D和R3D等模型性能。",
"hot": 1166,
"pic": "example.png",
"uuid": "cv-tadaconv-action-recognition",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "动作识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-structbert-fact-checking-chinese-base",
"label": "StructBERT事实准确性检测-中文-电商-base",
"describe": "StructBERT事实准确性检测-中文-电商-base是在structbert-base-chinese预训练模型的基础上使用业务数据训练出的自然语言推理模型用于事实准确性检测输入两个句子判断两个句子描述的事实是否一致。",
"hot": 1154,
"pic": "example.jpeg",
"uuid": "nlp-structbert-fact-checking-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "自然语言推理",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-gpt3-text-generation-30b",
"label": "GPT-3预训练生成模型-中文-30B",
"describe": "",
"hot": 1104,
"pic": "example.jpg",
"uuid": "nlp-gpt3-text-generation-30b",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成",
"field": "大模型"
},
{
"price": "1",
"name": "speech-inverse-text-processing-fun-text-processing-itn-fr",
"label": "语音识别-法语-后处理- ITN模型",
"describe": "法语文本反正则化。Inverse Text Processing for French.",
"hot": 1093,
"pic": "example.jpg",
"uuid": "speech-inverse-text-processing-fun-text-processing-itn-fr",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "逆文本正则化",
"field": "听觉"
},
{
"price": "1",
"name": "speech-inverse-text-processing-fun-text-processing-itn-ru",
"label": "语音识别-俄语-后处理- ITN模型",
"describe": "俄语文本反正则化。Inverse Text Processing for Russian.",
"hot": 1060,
"pic": "example.jpg",
"uuid": "speech-inverse-text-processing-fun-text-processing-itn-ru",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "逆文本正则化",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-structbert-zero-shot-classification-chinese-tiny",
"label": "StructBERT零样本分类-中文-tiny",
"describe": "该模型使用StructBERT-base在xnli_zh数据集(将英文数据集重新翻译得到中文数据集)上面进行了训练得到。",
"hot": 1050,
"pic": "example.jpg",
"uuid": "nlp-structbert-zero-shot-classification-chinese-tiny",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "零样本分类",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-tinynas-object-detection-damoyolo-traffic-sign",
"label": "实时交通标识检测-自动驾驶领域",
"describe": "本模型为高性能热门应用系列检测模型中的交通标识检测模型基于面向工业落地的高性能检测框架DAMOYOLO其精度和速度超越当前经典的YOLO系列方法。用户使用的时候仅需要输入一张图像便可以获得图像中所有交通标识的坐标信息。更多具体信息请参考Model card。",
"hot": 1024,
"pic": "example.jpg",
"uuid": "cv-tinynas-object-detection-damoyolo-traffic-sign",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "垂类目标检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-data2vec-pretrain-zh-cn-aishell2-16k-pytorch",
"label": "Data2vec语音识别-预训练-中文-aishell2-16k-pytorch",
"describe": "近年来随着预训练的流行许多研究致力于利用预训练的方式来充分利用大量的无监督数据帮助提升在有监督语音数据有限情况下的语音识别的性能。wav2vecHuBERTWavLM等方法都通过无监督预训练的方式在语音识别任务上取得了不错的识别率。2022年Meta AI在ICML上提出了data2vec具体结构如下图琐事其能同时应用于语音、视觉、自然语言处理等不同模态且都取得了不错的性能。",
"hot": 1018,
"pic": "example.jpeg",
"uuid": "speech-data2vec-pretrain-zh-cn-aishell2-16k-pytorch",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "cv-mobilenet-v2-bad-image-detecting",
"label": "异常图像检测",
"describe": "基于mobilenet-v2的简化版网络检测图像是否为花屏、绿屏或者正常图像。",
"hot": 1003,
"pic": "example.jpg",
"uuid": "cv-mobilenet-v2-bad-image-detecting",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "异常图像检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-resnet50-ocr-detection-vlpt",
"label": "读光-文字检测-单词检测模型-英文-VLPT预训练",
"describe": "给定一张图片检测出图内文字并给出多边形包围框。检测模型使用DBbackbone初始化参数基于多模态交互预训练方法VLPT。",
"hot": 991,
"pic": "example.jpg",
"uuid": "cv-resnet50-ocr-detection-vlpt",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文字检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "speech-sambert-hifigan-tts-ainan-zh-cn-16k",
"label": "语音合成-中文-通用领域-16k-发音人ainan",
"describe": "中文语音合成男声16k模型本模型使用Sambert-hifigan网络结构。其中后端声学模型的SAM-BERT,将时长模型和声学模型联合进行建模。声码器在HIFI-GAN开源工作的基础上我们针对16k, 48k采样率下的模型结构进行了调优设计并提供了基于因果卷积的低时延流式生成和chunk流式生成机制可与声学模型配合支持CPU、GPU等硬件条件下的实时流式合成。",
"hot": 978,
"pic": "example.jpg",
"uuid": "speech-sambert-hifigan-tts-ainan-zh-cn-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音合成",
"field": "听觉"
},
{
"price": "1",
"name": "speech-inverse-text-processing-fun-text-processing-itn-id",
"label": "语音识别-印尼语-后处理- ITN模型",
"describe": "印尼语文本反正则化。Inverse Text Processing for Indonesian.",
"hot": 960,
"pic": "example.jpg",
"uuid": "speech-inverse-text-processing-fun-text-processing-itn-id",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "逆文本正则化",
"field": "听觉"
},
{
"price": "1",
"name": "speech-inverse-text-processing-fun-text-processing-itn-pt",
"label": "语音识别-葡萄牙语-后处理- ITN模型",
"describe": "葡萄语文本反正则化。Inverse Text Processing for Portuguese.",
"hot": 930,
"pic": "example.jpg",
"uuid": "speech-inverse-text-processing-fun-text-processing-itn-pt",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "逆文本正则化",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-structbert-nli-chinese-large",
"label": "StructBERT自然语言推理-中文-通用-large",
"describe": "StructBERT自然语言推理-中文-通用-large是在structbert-large-chinese预训练模型的基础上用CMNLI、OCNLI两个数据集45.8w条数据)训练出来的自然语言推理模型。",
"hot": 920,
"pic": "example.jpg",
"uuid": "nlp-structbert-nli-chinese-large",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "自然语言推理",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-inverse-text-processing-fun-text-processing-itn-es",
"label": "语音识别-西班牙-后处理- ITN模型",
"describe": "西班牙文本反正则化。Inverse Text Processing for Spanish.",
"hot": 919,
"pic": "example.jpg",
"uuid": "speech-inverse-text-processing-fun-text-processing-itn-es",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "逆文本正则化",
"field": "听觉"
},
{
"price": "1",
"name": "speech-inverse-text-processing-fun-text-processing-itn-vi",
"label": "语音识别-越南语-后处理- ITN模型",
"describe": "越南语文本反正则化。Inverse Text Processing for Vietnamese.",
"hot": 911,
"pic": "example.jpg",
"uuid": "speech-inverse-text-processing-fun-text-processing-itn-vi",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "逆文本正则化",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-corom-passage-ranking-chinese-tiny",
"label": "CoROM语义相关性-中文-通用领域-tiny",
"describe": "基于ROM-tiny预训练模型的通用领域中文语义相关性模型模型以一个source sentence以及一个句子列表作为输入最终输出source sentence与列表中每个句子的相关性得分0-1分数越高代表两者越相关。",
"hot": 899,
"pic": "example.jpg",
"uuid": "nlp-corom-passage-ranking-chinese-tiny",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语义相关性",
"field": "自然语言"
},
{
"price": "1",
"name": "multi-modal-clip-vtretrival-msrvtt-53",
"label": "视频文本表征模型-英文-通用领域",
"describe": "该模型是在10亿公开英文图文数据训练的多模态模型。视觉encoder采用vit-large结构文本encoder采用bert-base结构。 模型在视频文本检索等数据集上进行了zero-shot和finetune效果测试能够在msrvtt上达到sota结果。",
"hot": 889,
"pic": "example.jpg",
"uuid": "multi-modal-clip-vtretrival-msrvtt-53",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频多模态表征",
"field": "多模态"
},
{
"price": "1",
"name": "nlp-star-conversational-text-to-sql",
"label": "SPACE-T表格问答预训练模型-英文-通用领域-Large",
"describe": "本项目是多轮Text-to-SQL模型可针对不同领域数据库和用户直接进行多轮对话生成相应的SQL查询语句。用户可以在对话过程中表达自己对数据库模式的查询要求并在系统的帮助下生成符合要求的SQL查询语句。",
"hot": 867,
"pic": "example.jpg",
"uuid": "nlp-star-conversational-text-to-sql",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "表格问答",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-inverse-text-processing-fun-text-processing-itn-ko",
"label": "语音识别-韩语-后处理- ITN模型",
"describe": "韩语文本反正则化。Inverse Text Processing for Korean.",
"hot": 861,
"pic": "example.jpg",
"uuid": "speech-inverse-text-processing-fun-text-processing-itn-ko",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "逆文本正则化",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-ponet-extractive-summarization-topic-level-chinese-base",
"label": "PoNet抽取式话题摘要模型-中文-base-ICASSP2023-MUG-Track2",
"describe": "该模型基于PoNet模型架构在AliMeeting4MUG Corpus训练进行抽取式话题摘要任务。",
"hot": 859,
"pic": "example.jpg",
"uuid": "nlp-ponet-extractive-summarization-topic-level-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "抽取式摘要",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-inverse-text-processing-fun-text-processing-itn-tl",
"label": "语音识别-菲律宾语-后处理- ITN模型",
"describe": "菲律宾语文本反正则化。Inverse Text Processing for Tagalog.",
"hot": 846,
"pic": "example.jpg",
"uuid": "speech-inverse-text-processing-fun-text-processing-itn-tl",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "逆文本正则化",
"field": "听觉"
},
{
"price": "1",
"name": "mgeo-backbone-chinese-base",
"label": "MGeo多任务多模态地址预训练底座-中文-base",
"describe": "MGeo是适用于多种地址任务的预训练底座模型该模型基于地图-文本多模态架构使用多任务预训练MOMETAS技术融合了注意力对抗预训练ASA、句子对预训练MaSTS、多模态预训练训练得到适合于多类地址任务的预训练底座能够下游广泛的地址处理任务带来性能提升。",
"hot": 819,
"pic": "example.jpg",
"uuid": "mgeo-backbone-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "",
"field": "多模态"
},
{
"price": "1",
"name": "speech-conformer-asr-nat-zh-cn-16k-aishell1-vocab4234-pytorch",
"label": "Conformer语音识别-中文-aishell1-16k-离线-pytorch",
"describe": "Conformer模型通过在self-attenion基础上叠加卷积模块来加强模型的局部信息建模能力进一步提升了模型的效果。Conformer已经在AISHELL-1、AISHELL-2、LibriSpeech等多个开源数据上取得SOTA结果。",
"hot": 807,
"pic": "example.jpeg",
"uuid": "speech-conformer-asr-nat-zh-cn-16k-aishell1-vocab4234-pytorch",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "cv-stable-diffusion-paint-by-example",
"label": "图像示例替换",
"describe": "给定一张原图和对应的mask区域将给定的参考图自适应地替换上去",
"hot": 801,
"pic": "example.jpg",
"uuid": "cv-stable-diffusion-paint-by-example",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像示例替换",
"field": "大模型"
},
{
"price": "1",
"name": "nlp-structbert-faq-question-answering-chinese-finance-base",
"label": "StructBERT FAQ问答-中文-金融领域-base",
"describe": "金融领域FAQ问答模型以StructBERT FAQ问答-中文-通用领域-base模型为基础在金融领域数据上微调得到适用于金融领域FAQ问答任务包括但不局限于银行、保险等场景",
"hot": 750,
"pic": "example.jpg",
"uuid": "nlp-structbert-faq-question-answering-chinese-finance-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "FAQ问答",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-daflow-virtual-try-on-base",
"label": "DAFlow虚拟试衣模型-VITON数据",
"describe": "DAFlow是一种单阶段虚拟试衣框架无需中间分割结果作为label直接用模特上身图作为监督。同时本工作提出一种新的空间变换结构在虚拟试衣和一些变换任务上达到SOTA.",
"hot": 748,
"pic": "example.jpg",
"uuid": "cv-daflow-virtual-try-on-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "虚拟试衣",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-structbert-emotion-classification-chinese-base",
"label": "StructBERT情绪分类-中文-七分类-base",
"describe": "",
"hot": 738,
"pic": "example.jpg",
"uuid": "nlp-structbert-emotion-classification-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本分类",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-resnet50-product-bag-embedding-models",
"label": "商品图像同款特征",
"describe": "本模型是对商品图像进行表征向量提取,用户可基于表征向量进行大规模的同款/相似款商品搜索;无需额外输入,模型可自动进行箱包商品的主体抠图,并基于主体提取结果完成表征向量提取。",
"hot": 731,
"pic": "example.jpeg",
"uuid": "cv-resnet50-product-bag-embedding-models",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "商品图片特征",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-bert-sentence-similarity-english-base",
"label": "BERT文本相似度-英文-base-学术数据集paws",
"describe": "该模型是在bert-base-uncased预训练模型的基础上用paws数据集训练出来的文本相似度匹配模型。",
"hot": 724,
"pic": "example.jpg",
"uuid": "nlp-bert-sentence-similarity-english-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "句子相似度",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-ecbsr-image-super-resolution-mobile",
"label": "ECBSR端上图像超分模型",
"describe": "ECBSR模型基于Edgeoriented Convolution Block (ECB)模块构建完整模型可导出为简洁的CNN网络结构适用于移动端、嵌入式等严格限制算力的场景。",
"hot": 715,
"pic": "example.jpg",
"uuid": "cv-ecbsr-image-super-resolution-mobile",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像超分辨",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-domain-classification-chinese",
"label": "FastText文本领域分类-中文-国民经济行业18大类",
"describe": "用于中文的文本领域分类分类依据为国民经济行业分类GB/T 4754—2017原分类标准有20大类目前支持18个行业的分类交通运输仓储邮政\\住宿餐饮\\信息软件\\农业\\制造业\\卫生医疗\\国际组织\\建筑\\房地产\\政府组织\\教育\\文体娱乐\\水利环境\\电力燃气水生产\\科学技术\\租赁法律\\采矿\\金融。",
"hot": 715,
"pic": "example.jpg",
"uuid": "nlp-domain-classification-chinese",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本分类",
"field": "多模态"
},
{
"price": "1",
"name": "cv-yolov5-video-multi-object-tracking-fairmot",
"label": "视频多目标跟踪-行人",
"describe": "该模型采用基于FairMOT的方案输入待跟踪视频可端对端推理得到视频中的所有行人的运动轨迹。",
"hot": 710,
"pic": "example.gif",
"uuid": "cv-yolov5-video-multi-object-tracking-fairmot",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频多目标跟踪",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-tinynas-object-detection-damoyolo-phone",
"label": "实时手机检测-通用",
"describe": "本模型为高性能热门应用系列检测模型中的实时手机检测模型基于面向工业落地的高性能检测框架DAMOYOLO其精度和速度超越当前经典的YOLO系列方法。用户使用的时候仅需要输入一张图像便可以获得图像中所有手机的坐标信息并可用于打电话检测等后续应用场景。更多具体信息请参考Model card。",
"hot": 682,
"pic": "example.jpg",
"uuid": "cv-tinynas-object-detection-damoyolo-phone",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "垂类目标检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-vgg19-facial-expression-recognition-fer",
"label": "人脸表情识别模型FER",
"describe": "给定一张带人脸的图片返回图片中人脸的表情。目前支持7种表情愤怒厌恶恐惧快乐悲伤惊讶中立。",
"hot": 660,
"pic": "example.jpg",
"uuid": "cv-vgg19-facial-expression-recognition-fer",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸表情识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-xlmr-named-entity-recognition-indo-ecommerce-title",
"label": "XLM-R命名实体识别-印尼语-电商领域(商品标题)-base",
"describe": "XLM-R命名实体识别-印尼语-电商领域(商品标题)-base是基于20K电商领域商品标题数据训练得到的印尼语命名实体识别模型可根据用户输入的印尼语商品标题文本产出命名实体识别结果。",
"hot": 655,
"pic": "example.png",
"uuid": "nlp-xlmr-named-entity-recognition-indo-ecommerce-title",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-structbert-keyphrase-extraction-base-icassp2023-mug-track4-baseline",
"label": "StructBert关键词抽取-中文-base-ICASSP2023-MUG-Track4",
"describe": "ICASSP2023 MUG Track4 关键词抽取Baseline",
"hot": 620,
"pic": "example.jpg",
"uuid": "nlp-structbert-keyphrase-extraction-base-icassp2023-mug-track4-baseline",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "glm130b",
"label": "GLM130B-中英大模型",
"describe": "模型集成中",
"hot": 588,
"pic": "example.jpg",
"uuid": "glm130b",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "",
"field": "大模型"
},
{
"price": "1",
"name": "ofa-pretrain-tiny-en",
"label": "OFA预训练模型-英文-通用领域-tiny",
"describe": "OFA的预训练ckpt能够在完全不改变模型结构的情况下进行下游任务的finetune是finetune的基础ckpt。",
"hot": 569,
"pic": "example.jpg",
"uuid": "ofa-pretrain-tiny-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "",
"field": "多模态"
},
{
"price": "1",
"name": "speech-paraformer-large-asr-nat-zh-cn-16k-aishell2-vocab8404-pytorch",
"label": "Paraformer语音识别-中文-aishell2-16k-离线-large-pytorch",
"describe": "Paraformer是一种非自回归端到端语音识别模型。非自回归模型相比于目前主流的自回归模型可以并行的对整条句子输出目标文字特别适合利用GPU进行并行推理。Paraformer是目前已知的首个在工业大数据上可以获得和自回归端到端模型相同性能的非自回归模型。配合GPU推理可以将推理效率提升10倍从而将语音识别云服务的机器成本降低接近10倍。",
"hot": 559,
"pic": "example.jpg",
"uuid": "speech-paraformer-large-asr-nat-zh-cn-16k-aishell2-vocab8404-pytorch",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-corom-passage-ranking-chinese-tiny-ecom",
"label": "CoROM语义相关性-中文-电商领域-tiny",
"describe": "基于CoROM-Base预训练模型的电商领域中文语义相关性模型模型以一个source sentence以及一个句子列表作为输入最终输出source sentence与列表中每个句子的相关性得分0-1分数越高代表两者越相关。",
"hot": 551,
"pic": "example.jpg",
"uuid": "nlp-corom-passage-ranking-chinese-tiny-ecom",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语义相关性",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-xlmr-word-segmentation-thai",
"label": "XLM-R分词-泰语-通用领域-base",
"describe": "XLM-R分词-泰语-通用领域-base是基于BEST-2010数据训练得到的泰语分词模型可根据用户输入的泰语文本产出分词结果。",
"hot": 543,
"pic": "example.png",
"uuid": "nlp-xlmr-word-segmentation-thai",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "分词",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-resnet101-detection-fewshot-defrcn",
"label": "defrcn少样本目标检测",
"describe": "",
"hot": 539,
"pic": "example.jpg",
"uuid": "cv-resnet101-detection-fewshot-defrcn",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像少样本目标检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-cartoon-stable-diffusion-clipart",
"label": "卡通系列文生图模型-剪贴画",
"describe": "",
"hot": 529,
"pic": "example.jpg",
"uuid": "cv-cartoon-stable-diffusion-clipart",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成图片",
"field": "大模型"
},
{
"price": "1",
"name": "nlp-bert-zero-shot-english-base",
"label": "BERT零样本分类-英文-base-学术数据集mnli",
"describe": "该模型使用bert-base-uncased在multi_nli数据集(将英文数据集重新翻译得到中文数据集)上面进行了训练得到。",
"hot": 525,
"pic": "example.jpg",
"uuid": "nlp-bert-zero-shot-english-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "零样本分类",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-bert-entity-embedding-chinese-base",
"label": "Bert实体向量-中文-通用领域-base",
"describe": "",
"hot": 514,
"pic": "example.png",
"uuid": "nlp-bert-entity-embedding-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本向量",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-manual-face-liveness-flxc",
"label": "静默人脸活体检测模型-炫彩",
"describe": "静默人脸活体检测模型-炫彩",
"hot": 512,
"pic": "example.jpg",
"uuid": "cv-manual-face-liveness-flxc",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸活体检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-structbert-faq-question-answering-chinese-gov-base",
"label": "StructBERT FAQ问答-中文-政务领域-base",
"describe": "政务领域FAQ问答模型以StructBERT FAQ问答-中文-通用领域-base模型为基础在政务领域数据上微调得到适用于政务领域FAQ问答任务包括但不局限于社保、公积金等场景",
"hot": 496,
"pic": "example.jpg",
"uuid": "nlp-structbert-faq-question-answering-chinese-gov-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "FAQ问答",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-ponet-extractive-summarization-doc-level-chinese-base",
"label": "PoNet抽取式篇章摘要模型-中文-base-ICASSP2023-MUG-Track2",
"describe": "该模型基于PoNet模型架构在AliMeeting4MUG Corpus训练进行抽取式篇章摘要任务。",
"hot": 494,
"pic": "example.jpg",
"uuid": "nlp-ponet-extractive-summarization-doc-level-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "抽取式摘要",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-pt-16k-common-vocab1617-tensorflow1-online",
"label": "UniASR语音识别-葡萄牙语-通用-16k-实时",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 492,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-pt-16k-common-vocab1617-tensorflow1-online",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-bert-entity-matching-chinese-base",
"label": "Bert实体相关性-中文-通用领域-base",
"describe": "输入带实体标记的句子A以及一个候选句子列表模型输出句子A中的实体与列表中每个候选句子的相关性得分0-1分数越高代表两者越相关",
"hot": 487,
"pic": "example.png",
"uuid": "nlp-bert-entity-matching-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语义相关性",
"field": "自然语言"
},
{
"price": "1",
"name": "ofa-text-classification-mnli-large-en",
"label": "OFA自然语言推理模型-英文-数据集MNLI-large",
"describe": "给定一个前提句和一个假设句,任务是预测前提是否包含假设(蕴含),与假设相矛盾(矛盾),或者两者都不包含(中性)。",
"hot": 469,
"pic": "example.jpg",
"uuid": "ofa-text-classification-mnli-large-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本分类",
"field": "多模态"
},
{
"price": "1",
"name": "cv-ir-face-recognition-ood-rts",
"label": "人脸识别OOD模型",
"describe": "",
"hot": 467,
"pic": "example.jpg",
"uuid": "cv-ir-face-recognition-ood-rts",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "ofa-pretrain-base-en",
"label": "OFA预训练模型-英文-通用领域-base",
"describe": "OFA的预训练ckpt能够在完全不改变模型结构的情况下进行下游任务的finetune是finetune的基础ckpt。",
"hot": 464,
"pic": "example.jpg",
"uuid": "ofa-pretrain-base-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "",
"field": "多模态"
},
{
"price": "1",
"name": "nlp-nested-ner-named-entity-recognition-chinese-base-med",
"label": "NestedNER命名实体识别-中文-医疗领域-base",
"describe": "",
"hot": 453,
"pic": "example.jpeg",
"uuid": "nlp-nested-ner-named-entity-recognition-chinese-base-med",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-vi-16k-common-vocab1001-pytorch-online",
"label": "UniASR语音识别-越南语-通用-16k-实时",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 451,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-vi-16k-common-vocab1001-pytorch-online",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-user-satisfaction-estimation-chinese",
"label": "HiTransUSE用户满意度估计-中文-电商-base",
"describe": "支持对话级的用户满意度分析,输出(不满意,中立,满意)三种标签",
"hot": 436,
"pic": "example.png",
"uuid": "nlp-user-satisfaction-estimation-chinese",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本分类",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-video-inpainting",
"label": "视频编辑-通用领域",
"describe": "视频inpainting模型输入视频和mask可实现对指定帧范围内的video inpainting",
"hot": 436,
"pic": "example.jpg",
"uuid": "cv-video-inpainting",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频修复",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-ponet-document-segmentation-topic-level-chinese-base",
"label": "PoNet文本话题分割模型-中文-base-ICASSP2023-MUG-Track1",
"describe": "该模型基于PoNet模型架构在AliMeeting4MUG Corpus训练对带段落的长文本进行中文话题分割。",
"hot": 431,
"pic": "example.png",
"uuid": "nlp-ponet-document-segmentation-topic-level-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本分割",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-pt-16k-common-vocab1617-tensorflow1-offline",
"label": "UniASR语音识别-葡萄牙语-通用-16k-离线",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 427,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-pt-16k-common-vocab1617-tensorflow1-offline",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "ofa-visual-entailment-snli-ve-distilled-v2-en",
"label": "OFA视觉语义蕴含-英文-通用领域-蒸馏33M",
"describe": "视觉蕴含任务:给定一个图像作为前提,一个自然语言句子作为假设,要求模型正确分配图像和文本三个标签(蕴含、中性和矛盾)。",
"hot": 392,
"pic": "example.jpg",
"uuid": "ofa-visual-entailment-snli-ve-distilled-v2-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视觉蕴含",
"field": "多模态"
},
{
"price": "1",
"name": "cv-object-detection-3d-depe",
"label": "DEPE-3D目标检测-自动驾驶领域",
"describe": "DEPE是基于Transformer的纯视觉3D目标检测模型在PETRV2基础上使用LiDAR点云监督depth训练并提升3DPE的准确度推理阶段只依赖视觉信息相比原PETRv2方法在nuScenes-val上有0.52%的提升。",
"hot": 382,
"pic": "example.jpg",
"uuid": "cv-object-detection-3d-depe",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "3D目标检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "ofa-summarization-gigaword-large-en",
"label": "OFA文本摘要-英文-数据集gigaword-large",
"describe": "gigaword摘要任务给定长文本输出文本摘要。",
"hot": 376,
"pic": "example.png",
"uuid": "ofa-summarization-gigaword-large-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本摘要",
"field": "多模态"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-vi-16k-common-vocab1001-pytorch-offline",
"label": "UniASR语音识别-越南语-通用-16k-离线",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 366,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-vi-16k-common-vocab1001-pytorch-offline",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "speech-uniasr-asr-2pass-fa-16k-common-vocab1257-pytorch-online",
"label": "UniASR语音识别-波斯语-通用-16k-实时",
"describe": "UniASR是离线流式一体化语音识别系统。UniASR同时具有高精度和低延时的特点不仅能够实时输出语音识别结果而且能够在说话句尾用高精度的解码结果修正输出与此同时UniASR采用动态延时训练的方式替代了之前维护多套延时流式系统的做法。",
"hot": 359,
"pic": "example.jpg",
"uuid": "speech-uniasr-asr-2pass-fa-16k-common-vocab1257-pytorch-online",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "语音识别",
"field": "听觉"
},
{
"price": "1",
"name": "nlp-structbert-fill-mask-chinese-large",
"label": "StructBERT完形填空模型-中文-large",
"describe": "nlp_structbert_fill-mask_chinese-large是海量中文数据训练的自然语言理解预训练模型。",
"hot": 354,
"pic": "example.png",
"uuid": "nlp-structbert-fill-mask-chinese-large",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "预训练",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-vitb-video-single-object-tracking-procontext",
"label": "ProContEXT视频单目标跟踪-通用领域",
"describe": "该模型是基于Transformer的单目标跟踪网络在开源数据集GOT-10k, TrackingNet上均达到SOTA精度。",
"hot": 350,
"pic": "example.gif",
"uuid": "cv-vitb-video-single-object-tracking-procontext",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频单目标跟踪",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-resnet50-live-category",
"label": "直播商品类目识别模型-中文-电商领域",
"describe": "本模型采用ResNet-50网络结构对直播视频进行商品类目识别输入视频片段输出直播商品类目标签目前已经覆盖了8K多类的细粒度的商品类别。",
"hot": 341,
"pic": "example.jpg",
"uuid": "cv-resnet50-live-category",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "直播视频内容识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-bilibili-image-super-resolution",
"label": "RealCUGAN图像超分辨率",
"describe": "todo",
"hot": 334,
"pic": "example.jpg",
"uuid": "cv-bilibili-image-super-resolution",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像超分辨",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-mgimn-faq-question-answering-chinese-base",
"label": "MGIMN FAQ问答-中文-通用领域-base",
"describe": "MGIMN FAQ问答模型以StructBERT预训练模型为底座采用多维度交互式匹配模型网络结构通过小样本meta-learning的方式在海量业务数据预训练(亿级)、微调(百万级)得到相对于StructBERT模型效果更优适用于FAQ问答任务和通用小样本分类任务",
"hot": 332,
"pic": "example.png",
"uuid": "nlp-mgimn-faq-question-answering-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "FAQ问答",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-xlmr-named-entity-recognition-viet-ecommerce-title",
"label": "XLM-R命名实体识别-越南语-电商领域(商品标题)-base",
"describe": "XLM-R命名实体识别-越南语-电商领域(商品标题)-base是基于20K电商领域商品标题数据训练得到的越南语命名实体识别模型可根据用户输入的越南语商品标题文本产出命名实体识别结果。",
"hot": 331,
"pic": "example.png",
"uuid": "nlp-xlmr-named-entity-recognition-viet-ecommerce-title",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "命名实体识别",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-mdm-motion-generation",
"label": "运动生成-人体运动-英文",
"describe": "根据文本描述,生成对应的人体运动数据",
"hot": 321,
"pic": "example.gif",
"uuid": "cv-mdm-motion-generation",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "运动生成",
"field": "机器视觉"
},
{
"price": "1",
"name": "uni-fold-monomer",
"label": "Uni-Fold-Monomer 开源的蛋白质单体结构预测模型",
"describe": "开源的蛋白质单体结构预测模型输入蛋白质单体的一级结构1D序列预测蛋白质的三级结构3D位置同时给出预测结果的置信度。本模型主要用于蛋白质单体的预测。",
"hot": 311,
"pic": "example.jpg",
"uuid": "uni-fold-monomer",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "蛋白质结构生成",
"field": "未知"
},
{
"price": "1",
"name": "cv-hdformer-body-3d-keypoints-video",
"label": "HDFormer人体关键点-通用领域-3D",
"describe": "输入一段单人视频实现端到端的3D人体关键点检测输出视频中每一帧的3D人体关键点坐标。",
"hot": 311,
"pic": "example.jpg",
"uuid": "cv-hdformer-body-3d-keypoints-video",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人体3D关键点",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-csanmt-translation-ru2en-base",
"label": "CSANMT连续语义增强机器翻译-俄英-通用领域-base",
"describe": "基于连续语义增强的神经机器翻译模型以有限的训练样本为锚点,学习连续语义分布以建模全局的句子空间,并据此构建神经机器翻译引擎,有效提升数据的利用效率,显著改善模型的泛化能力和鲁棒性。",
"hot": 301,
"pic": "example.jpg",
"uuid": "nlp-csanmt-translation-ru2en-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "翻译",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-manual-face-liveness-flir",
"label": "人脸活体检测模型-IR",
"describe": "",
"hot": 300,
"pic": "example.jpg",
"uuid": "cv-manual-face-liveness-flir",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸活体检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "ofa-visual-entailment-snli-ve-large-en",
"label": "OFA图像语义蕴含-英文-通用领域-large",
"describe": "图文蕴含任务给定图片和文本a对图片的陈述文本b可选判断文本c是否成立。",
"hot": 298,
"pic": "example.jpg",
"uuid": "ofa-visual-entailment-snli-ve-large-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视觉蕴含",
"field": "多模态"
},
{
"price": "1",
"name": "cv-manual-face-liveness-flrgb",
"label": "人脸活体检测模型-RGB",
"describe": "",
"hot": 293,
"pic": "example.jpg",
"uuid": "cv-manual-face-liveness-flrgb",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸活体检测",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-r2p1d-video-embedding",
"label": "CMD视频表征模型",
"describe": "一种自监督视频表征学习方案通过在代理任务中显式地解耦场景与运动信息context and motion decoupling强制视频模型同时捕捉静态背景与动态行为两方面特征。",
"hot": 285,
"pic": "example.jpg",
"uuid": "cv-r2p1d-video-embedding",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频表征",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-bert-fill-mask-chinese-base",
"label": "BERT完形填空模型-中文-base",
"describe": "nlp_bert_fill-mask_chinese-base 是wikipedia_zh/baike/news训练的自然语言理解预训练模型。",
"hot": 273,
"pic": "example.png",
"uuid": "nlp-bert-fill-mask-chinese-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "预训练",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-veco-fill-mask-large",
"label": "VECO完形填空模型-多语言-large",
"describe": "nlp_veco_fill-mask-large是CommonCrawl Corpus训练的自然语言理解多语言预训练模型。",
"hot": 272,
"pic": "example.png",
"uuid": "nlp-veco-fill-mask-large",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "预训练",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-cartoon-stable-diffusion-design",
"label": "卡通系列文生图模型",
"describe": "",
"hot": 271,
"pic": "example.jpg",
"uuid": "cv-cartoon-stable-diffusion-design",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成图片",
"field": "大模型"
},
{
"price": "1",
"name": "cv-nerf-3d-reconstruction-accelerate-damo",
"label": "NeRF快速三维重建模型",
"describe": "输入一段环绕物体一周的视频基于隐式神经辐射场NeRF对该物体进行快速3d重建渲染。",
"hot": 264,
"pic": "example.jpg",
"uuid": "cv-nerf-3d-reconstruction-accelerate-damo",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "NeRF快速三维重建模型",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-unet-video-deinterlace",
"label": "视频去场纹",
"describe": "视频去场纹相比较于yadif、DIN等SOTA方法对于大运动和低画质场景下的场纹有较好的场纹去除能力",
"hot": 245,
"pic": "example.jpg",
"uuid": "cv-unet-video-deinterlace",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频去场纹",
"field": "机器视觉"
},
{
"price": "1",
"name": "ofa-image-caption-meme-large-zh",
"label": "OFA表情包文本生成器",
"describe": "",
"hot": 230,
"pic": "example.jpg",
"uuid": "ofa-image-caption-meme-large-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像描述",
"field": "多模态"
},
{
"price": "1",
"name": "cv-dro-resnet18-video-depth-estimation-indoor",
"label": "循环神经优化器-视频流深度和相机轨迹估计",
"describe": "我们提出zero-order的循环神经网络优化器DRO, 不需要求解梯度, 直接利用神经网络来预测下次更新的方向和步长。将优化目标cost放入到神经网络中每次迭代都会参考之前尝试的历史信息从而给出更加精准的预测。也就是说如果错误的预测值就会使得cost变大正确的预测值会使得cost变小在不断尝试中神经网络学习到了如何使得cost变小。",
"hot": 223,
"pic": "example.jpg",
"uuid": "cv-dro-resnet18-video-depth-estimation-indoor",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频深度估计",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-mgimn-faq-question-answering-chinese-finance-base",
"label": "MGIMN FAQ问答-中文-金融领域-base",
"describe": "金融领域MGIMN FAQ问答模型以MGIMN FAQ问答-中文-通用领域-base模型为基础在金融领域数据上微调得到适用于金融领域FAQ问答任务包括但不局限于银行、保险等场景MGIMN系列模型相对于StructBERT FAQ系列模型效果更优",
"hot": 223,
"pic": "example.png",
"uuid": "nlp-mgimn-faq-question-answering-chinese-finance-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "FAQ问答",
"field": "自然语言"
},
{
"price": "1",
"name": "nlp-space-dialog-state-tracking",
"label": "SPACE对话状态追踪-英文-base",
"describe": "该模型是 SPACE 基于一个对话状态跟踪数据集 MultiWOZ2.2 微调后的下游模型,称作 space_dialog-state-tracking可专门用来做旅游、餐馆等领域的对话状态跟踪任务。",
"hot": 210,
"pic": "example.jpg",
"uuid": "nlp-space-dialog-state-tracking",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "任务型对话",
"field": "自然语言"
},
{
"price": "1",
"name": "speech-ecapa-tdnn-sv-en-voxceleb-16k",
"label": "ECAPATDNN说话人确认-英文-VoxCeleb-16k",
"describe": "ECAPA TDNN模型是说话人识别领域的常用模型之一该模型在公开数据集VoxCeleb2上进行训练VoxCeleb-O上的EER指标为0.862。该模型适用于16k英文测试数据可以用于说话人确认、说话人日志等任务。",
"hot": 195,
"pic": "example.png",
"uuid": "speech-ecapa-tdnn-sv-en-voxceleb-16k",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "说话人确认",
"field": "听觉"
},
{
"price": "1",
"name": "cv-cartoon-stable-diffusion-illustration",
"label": "卡通系列文生图模型-漫画风",
"describe": "",
"hot": 186,
"pic": "example.jpg",
"uuid": "cv-cartoon-stable-diffusion-illustration",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成图片",
"field": "大模型"
},
{
"price": "1",
"name": "ofa-image-caption-coco-6b-en",
"label": "OFA图像描述-英文-通用领域-6B",
"describe": "根据用户输入的任意图片AI智能创作模型写出“一句话描述”可用于图像标签和图像简介。",
"hot": 176,
"pic": "example.jpg",
"uuid": "ofa-image-caption-coco-6b-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像描述",
"field": "多模态"
},
{
"price": "1",
"name": "cv-manual-face-recognition-frir",
"label": "IR人脸识别模型FRIR",
"describe": "IR人脸识别模型FRIR",
"hot": 162,
"pic": "example.jpg",
"uuid": "cv-manual-face-recognition-frir",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "mplug-image-text-retrieval-flickr30k-large-en",
"label": "mPLUG图文检索模型-英文-large",
"describe": "达摩MPLUG英文图文检索large模型",
"hot": 162,
"pic": "example.jpg",
"uuid": "mplug-image-text-retrieval-flickr30k-large-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图文检索",
"field": "多模态"
},
{
"price": "1",
"name": "mo-di-diffusion",
"label": "迪士尼风格扩散生成模型",
"describe": "在迪士尼动画电影截图上finetune的Stable Diffusion模型",
"hot": 156,
"pic": "example.jpg",
"uuid": "mo-di-diffusion",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成图片",
"field": "大模型"
},
{
"price": "1",
"name": "nlp-translation-quality-estimation-multilingual",
"label": "QEMind翻译质量评估-多语言-通用领域",
"describe": "对翻译质量进行打分评估的模型支持多个语向获WMT 2021世界机器翻译大赛质量评估DA子任务冠军",
"hot": 154,
"pic": "example.jpg",
"uuid": "nlp-translation-quality-estimation-multilingual",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "句子相似度",
"field": "自然语言"
},
{
"price": "1",
"name": "analog-diffusion",
"label": "胶片质感扩散生成模型",
"describe": "输出胶片摄影质感的图像微调自Stable Diffusion",
"hot": 150,
"pic": "example.jpg",
"uuid": "analog-diffusion",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成图片",
"field": "大模型"
},
{
"price": "1",
"name": "multilingual-glm-summarization-en",
"label": "mGLM多语言大模型-生成式摘要-英文",
"describe": "mGLM多语言大模型可从大段文本中提取关键信息为你生成简短的英文摘要支持多种语言输入",
"hot": 146,
"pic": "example.png",
"uuid": "multilingual-glm-summarization-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本摘要",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-swinb-video-panoptic-segmentation-vipseg",
"label": "视频全景分割-VideoKNet-SwinB",
"describe": "基于Video-K-Net架构SwinB作为backbone的视频全景分割模型。",
"hot": 145,
"pic": "example.jpg",
"uuid": "cv-swinb-video-panoptic-segmentation-vipseg",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频全景分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "ofa-pretrain-large-en",
"label": "OFA预训练模型-英文-通用领域-large",
"describe": "OFA的预训练ckpt能够在完全不改变模型结构的情况下进行下游任务的finetune是finetune的基础ckpt。",
"hot": 141,
"pic": "example.jpg",
"uuid": "ofa-pretrain-large-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "",
"field": "多模态"
},
{
"price": "1",
"name": "cv-quadtree-attention-image-matching-outdoor",
"label": "",
"describe": "",
"hot": 141,
"pic": "example.jpg",
"uuid": "cv-quadtree-attention-image-matching-outdoor",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像匹配",
"field": "机器视觉"
},
{
"price": "1",
"name": "codegeex-code-translation-13b",
"label": "CodeGeeX-代码翻译-13B",
"describe": "CodeGeeX是一个具有130亿参数的多编程语言代码生成预训练模型在20多种编程语言的代码语料库>8500亿Token上经过历时两个月预训练得到。CodeGeeX采用华为MindSpore框架实现在鹏城实验室的“鹏城云脑ll”平台上训练而成。",
"hot": 141,
"pic": "example.jpg",
"uuid": "codegeex-code-translation-13b",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "",
"field": "自然语言"
},
{
"price": "1",
"name": "uni-fold-multimer",
"label": "Uni-Fold-Multimer 开源的蛋白质复合物结构预测模型",
"describe": "一个开源的蛋白质复合物结构预测模型。",
"hot": 140,
"pic": "example.jpg",
"uuid": "uni-fold-multimer",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "蛋白质结构生成",
"field": "未知"
},
{
"price": "1",
"name": "cv-manual-face-recognition-frfm",
"label": "口罩人脸识别模型FRFM-large",
"describe": "口罩人脸识别模型FRFM-large",
"hot": 131,
"pic": "example.jpg",
"uuid": "cv-manual-face-recognition-frfm",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "人脸识别",
"field": "机器视觉"
},
{
"price": "1",
"name": "ofa-pretrain-huge-en",
"label": "OFA预训练模型-英文-通用领域-huge",
"describe": "OFA的预训练ckpt能够在完全不改变模型结构的情况下进行下游任务的finetune是finetune的基础ckpt。",
"hot": 130,
"pic": "example.jpg",
"uuid": "ofa-pretrain-huge-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "",
"field": "多模态"
},
{
"price": "1",
"name": "anything-v4-0",
"label": "二次元风格生成扩散模型-anything-v4.0",
"describe": "为日本动漫爱好者设计的latent diffusion模型。",
"hot": 129,
"pic": "example.jpg",
"uuid": "anything-v4-0",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成图片",
"field": "大模型"
},
{
"price": "1",
"name": "ofa-pretrain-large-zh",
"label": "OFA预训练模型-中文-通用领域-large",
"describe": "OFA的预训练ckpt能够在完全不改变模型结构的情况下进行下游任务的finetune是finetune的基础ckpt。",
"hot": 117,
"pic": "example.jpg",
"uuid": "ofa-pretrain-large-zh",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "",
"field": "多模态"
},
{
"price": "1",
"name": "cv-unifuse-panorama-depth-estimation",
"label": "基于单向融合的全景图深度估计",
"describe": "单目全景图的深度估计",
"hot": 115,
"pic": "example.jpg",
"uuid": "cv-unifuse-panorama-depth-estimation",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "全景图深度估计",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-cartoon-stable-diffusion-watercolor",
"label": "卡通系列文生图模型-水彩风",
"describe": "",
"hot": 107,
"pic": "example.jpg",
"uuid": "cv-cartoon-stable-diffusion-watercolor",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成图片",
"field": "大模型"
},
{
"price": "1",
"name": "ofa-pretrain-medium-en",
"label": "OFA预训练模型-英文-通用领域-medium",
"describe": "OFA的预训练ckpt能够在完全不改变模型结构的情况下进行下游任务的finetune是finetune的基础ckpt。",
"hot": 106,
"pic": "example.jpg",
"uuid": "ofa-pretrain-medium-en",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "",
"field": "多模态"
},
{
"price": "1",
"name": "cv-rdevos-video-object-segmentation",
"label": "基于循环动态编码的视频目标分割",
"describe": "给定一个视频帧序列,和视频第一帧中想要分割的不同物体的掩码(mask),模型会预测视频后续帧中对应物体的掩码(mask)",
"hot": 104,
"pic": "example.gif",
"uuid": "cv-rdevos-video-object-segmentation",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "视频目标分割",
"field": "机器视觉"
},
{
"price": "1",
"name": "nlp-ponet-fill-mask-english-base",
"label": "PoNet预训练模型-英文-base",
"describe": "nlp_ponet_fill-mask_english-base是用bookcorpus/wikitext训练的预训练PoNet模型。",
"hot": 104,
"pic": "example.jpg",
"uuid": "nlp-ponet-fill-mask-english-base",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "预训练",
"field": "自然语言"
},
{
"price": "1",
"name": "cv-adaint-image-color-enhance-models",
"label": "Adaptive-Interval-3DLUT图像调色",
"describe": "",
"hot": 104,
"pic": "example.jpg",
"uuid": "cv-adaint-image-color-enhance-models",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "图像颜色增强",
"field": "机器视觉"
},
{
"price": "1",
"name": "cv-cartoon-stable-diffusion-flat",
"label": "卡通系列文生图模型-扁平风",
"describe": "",
"hot": 104,
"pic": "example.jpg",
"uuid": "cv-cartoon-stable-diffusion-flat",
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7",
"status": "online",
"type": "dateset,notebook,train,inference",
"version": "v20221001",
"scenes": "文本生成图片",
"field": "大模型"
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/chatglm2-6b",
"field": "大模型",
"scenes": "",
"frameworks": "pytorch",
"type": "dateset,notebook,train,evaluate,inference,web",
"name": "chatglm2-6b",
"status": "online",
"version": "v20221001",
"uuid": "chatglm2-6b-v20221001",
"label": "chatglm2-6b大模型",
"describe": "ChatGLM2-6B 是开源中英双语对话模型 ChatGLM-6B 的第二代版本",
"pic": "example.png",
"hot": "1",
"price": "0",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {
"resource_gpu": "1"
},
"inference": {
"resource_memory": "7G",
"resource_cpu": "43",
"resource_gpu": "1"
},
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7"
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/chatglm2-6b-32k",
"field": "大模型",
"scenes": "",
"frameworks": "pytorch",
"type": "dateset,notebook,train,evaluate,inference,web",
"name": "chatglm2-6b-32k",
"status": "online",
"version": "v20221001",
"uuid": "chatglm2-6b-32k-v20221001",
"label": "chatglm2-6b-32k大模型",
"describe": "ChatGLM2-6B-32K在ChatGLM2-6B的基础上进一步强化了对于长文本的理解能力能够更好的处理最多32K长度的上下文。具体地我们基于位置插值Positional Interpolation的方法对位置编码进行了更新并在对话阶段使用 32K 的上下文长度训练。在实际的使用中,如果您面临的上下文长度基本在 8K 以内我们推荐使用ChatGLM2-6B如果您需要处理超过 8K 的上下文长度我们推荐使用ChatGLM2-6B-32K",
"pic": "example.png",
"hot": "1",
"price": "0",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {
"resource_gpu": "1"
},
"inference": {
"resource_memory": "7G",
"resource_cpu": "43",
"resource_gpu": "1"
},
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:base-cuda11.3-python3.7"
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/qwen-7b-chat",
"field": "大模型",
"scenes": "",
"frameworks": "pytorch",
"type": "dateset,notebook,train,evaluate,inference,web",
"name": "qwen-7b-chat",
"status": "online",
"version": "v20221001",
"uuid": "qwen-7b-chat-v20221001",
"label": "通义千问-7B-Chat",
"describe": "通义千问-7BQwen-7B 是阿里云研发的通义千问大模型系列的70亿参数规模的模型。Qwen-7B是基于Transformer的大语言模型, 在超大规模的预训练数据上进行训练得到。预训练数据类型多样覆盖广泛包括大量网络文本、专业书籍、代码等。同时在Qwen-7B的基础上我们使用对齐机制打造了基于大语言模型的AI助手Qwen-7B-Chat",
"pic": "example.jpg",
"hot": "1",
"price": "0",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {
"resource_gpu": "1"
},
"inference": {
"resource_memory": "7G",
"resource_cpu": "43",
"resource_gpu": "1"
},
"images": "ccr.ccs.tencentyun.com/cube-studio/modelscope:qwen-7b-chat"
},
{
"doc": "https://github.com/tencentmusic/cube-studio/tree/master/aihub/deep-learning/chat-llama2",
"field": "大模型",
"scenes": "",
"frameworks": "pytorch",
"type": "dateset,notebook,train,evaluate,inference,web",
"name": "chat-llama2",
"status": "online",
"version": "v20221001",
"uuid": "chat-llama2-v20221001",
"label": "llama2 模型",
"describe": "llama2 模型",
"pic": "example.jpg",
"hot": "1",
"price": "0",
"dataset": {},
"notebook": {
"jupyter": [],
"appendix": []
},
"train": {
"resource_gpu": "1"
},
"inference": {
"resource_memory": "30G",
"resource_cpu": "10",
"resource_gpu": "1"
},
"images": "ccr.ccs.tencentyun.com/cube-studio/aihub:llama2"
}
]