Giter Club home page Giter Club logo

colinyyj / linly-talker Goto Github PK

View Code? Open in Web Editor NEW

This project forked from kedreamix/linly-talker

0.0 0.0 0.0 58.61 MB

Digital Avatar Conversational System - Linly-Talker. ๐Ÿ˜„โœจ Linly-Talker is an intelligent AI system that combines large language models (LLMs) with visual models to create a novel human-AI interaction method. ๐Ÿค๐Ÿค– It integrates various technologies like Whisper, Linly, Microsoft Speech Services, and SadTalker talking head generation system. ๐ŸŒŸ๐Ÿ”ฌ

Home Page: https://kedreamix.github.io/

License: MIT License

Shell 0.06% Python 94.35% Jupyter Notebook 5.59%

linly-talker's Introduction

Digital Avatar Conversational System - Linly-Talker โ€”โ€” "Digital Persona Interaction: Interact with Your Virtual Selfโ€

2023.12 Update ๐Ÿ“†

Users can upload any images for the conversation

2024.01 Update ๐Ÿ“†๐Ÿ“†

  • Exciting news! I've now incorporated both the powerful GeminiPro and Qwen large models into our conversational scene. Users can now upload images during the conversation, adding a whole new dimension to the interactions.
  • The deployment invocation method for FastAPI has been updated.
  • The advanced settings options for Microsoft TTS have been updated, increasing the variety of voice types. Additionally, video subtitles have been introduced to enhance visualization.
  • Updated the GPT multi-turn conversation system to establish contextual connections in dialogue, enhancing the interactivity and realism of the digital persona.

2024.02 Update ๐Ÿ“†

  • Updated Gradio to the latest version 4.16.0, providing the interface with additional functionalities such as capturing images from the camera to create digital personas, among others.
  • ASR and THG have been updated. FunASR from Alibaba has been integrated into ASR, enhancing its speed significantly. Additionally, the THG section now incorporates the Wav2Lip model, while ER-NeRF is currently in preparation (Coming Soon).
  • I have incorporated the GPT-SoVITS model, which is a voice cloning method. By fine-tuning it with just one minute of a person's speech data, it can effectively clone their voice. The results are quite impressive and worth recommending.
  • I have integrated a web user interface (WebUI) that allows for better execution of Linly-Talker.

Content

Introduction

Linly-Talker is an intelligent AI system that combines large language models (LLMs) with visual models to create a novel human-AI interaction method. It integrates various technologies like Whisper, Linly, Microsoft Speech Services and SadTalker talking head generation system. The system is deployed on Gradio to allow users to converse with an AI assistant by providing images as prompts. Users can have free-form conversations or generate content according to their preferences.

The system architecture of multimodal humanโ€“computer interaction.

You can watch the demo video here.

TO DO LIST

  • Completed the basic conversation system flow, capable of voice interactions.
  • Integrated the LLM large model, including the usage of Linly, Qwen, and GeminiPro.
  • Enabled the ability to upload any digital person's photo for conversation.
  • Integrated FastAPI invocation for Linly.
  • Utilized Microsoft TTS with advanced options, allowing customization of voice and tone parameters to enhance audio diversity.
  • Added subtitles to video generation for improved visualization.
  • GPT Multi-turn Dialogue System (Enhance the interactivity and realism of digital entities, bolstering their intelligence)
  • Optimized the Gradio interface by incorporating additional models such as Wav2Lip, FunASR, and others.
  • Voice Cloning Technology (Synthesize one's own voice using voice cloning to enhance the realism and interactive experience of digital entities)
  • Integrate the Langchain framework and establish a local knowledge base.
  • Real-time Speech Recognition (Enable conversation and communication between humans and digital entities using voice)

๐Ÿ”† The Linly-Talker project is ongoing - pull requests are welcome! If you have any suggestions regarding new model approaches, research, techniques, or if you discover any runtime errors, please feel free to edit and submit a pull request. You can also open an issue or contact me directly via email. ๐Ÿ“ฉโญ If you find this repository useful, please give it a star! ๐Ÿคฉ

Example

ๆ–‡ๅญ—/่ฏญ้Ÿณๅฏน่ฏ ๆ•ฐๅญ—ไบบๅ›ž็ญ”
ๅบ”ๅฏนๅŽ‹ๅŠ›ๆœ€ๆœ‰ๆ•ˆ็š„ๆ–นๆณ•ๆ˜ฏไป€ไนˆ๏ผŸ
example_answer1.mp4
ๅฆ‚ไฝ•่ฟ›่กŒๆ—ถ้—ด็ฎก็†๏ผŸ
example_answer2.mp4
ๆ’ฐๅ†™ไธ€็ฏ‡ไบคๅ“ไน้Ÿณไนไผš่ฏ„่ฎบ๏ผŒ่ฎจ่ฎบไนๅ›ข็š„่กจๆผ”ๅ’Œ่ง‚ไผ—็š„ๆ•ดไฝ“ไฝ“้ชŒใ€‚
example_answer3.mp4
็ฟป่ฏ‘ๆˆไธญๆ–‡๏ผšLuck is a dividend of sweat. The more you sweat, the luckier you get.
example_answer4.mp4

Setup Environment

To install the environment using Anaconda and PyTorch, follow the steps below:

conda create -n linly python=3.10
conda activate linly

# PyTorch Installation Method 1: Conda Installation (Recommended)
conda install pytorch==1.12.1 torchvision==0.13.1 torchaudio==0.12.1 cudatoolkit=11.3 -c pytorch

# PyTorch Installation Method 2: Pip Installation
pip install torch==1.12.1+cu113 torchvision==0.13.1+cu113 torchaudio==0.12.1 --extra-index-url https://download.pytorch.org/whl/cu113

conda install -q ffmpeg # ffmpeg==4.2.2

pip install -r requirements_app.txt

If you want to use models like voice cloning, you may need a higher version of PyTorch. However, the functionality will be more diverse. You may need to use CUDA 11.8 as the driver version, which you can choose.

conda create -n linly python=3.10  
conda activate linly

pip install torch==2.1.0 torchvision==0.16.0 torchaudio==2.1.0 --index-url https://download.pytorch.org/whl/cu118

conda install -q ffmpeg # ffmpeg==4.2.2

pip install -r requirements_app.txt

# Install dependencies for voice cloning
pip install -r VITS/requirements_gptsovits.txt

Next, you need to install the corresponding models. You can download them using the following methods. Once downloaded, place the files in the specified folder structure (explained at the end of this document).

# Download pre-trained models from HuggingFace Or ModelScope
# huggingface
git lfs install
git clone https://huggingface.co/Kedreamix/Linly-Talker

# modelscope
# 1. git method
git lfs install
git clone https://www.modelscope.cn/Kedreamix/Linly-Talker.git

# 2. Python SDK
from modelscope import snapshot_download
model_dir = snapshot_download('Kedreamix/Linly-Talker')

# Move all models to the current directory
# Checkpoint contains SadTalker and Wav2Lip
mv Linly-Talker/chechpoints/* ./checkpoints/

# Enhanced GFPGAN for SadTalker
# pip install gfpgan
# mv Linly-Talker/gfpan ./

# Voice cloning models
mv Linly-Talker/GPT_SoVITS/pretrained_models/* ./GPT_SoVITS/pretrained_models/

# Qwen large model
mv Linly-Talker/Qwen ./

For the convenience of deployment and usage, an configs.py file has been updated. You can modify some hyperparameters in this file for customization:

# ่ฎพๅค‡่ฟ่กŒ็ซฏๅฃ (Device running port)
port = 7870
# api่ฟ่กŒ็ซฏๅฃๅŠIP (API running port and IP)
ip = '127.0.0.1' 
api_port = 7871
# Linlyๆจกๅž‹่ทฏๅพ„ (Linly model path)
mode = 'api' # api ้œ€่ฆๅ…ˆ่ฟ่กŒLinly-api-fast.py
mode = 'offline'
model_path = 'Linly-AI/Chinese-LLaMA-2-7B-hf'
# ssl่ฏไนฆ (SSL certificate) ้บฆๅ…‹้ฃŽๅฏน่ฏ้œ€่ฆๆญคๅ‚ๆ•ฐ
# ๆœ€ๅฅฝ็ปๅฏน่ทฏๅพ„
ssl_certfile = "./https_cert/cert.pem"
ssl_keyfile = "./https_cert/key.pem"

This file allows you to adjust parameters such as the device running port, API running port, Linly model path, and SSL certificate paths for ease of deployment and configuration.

ASR - Speech Recognition

For detailed information about the usage and code implementation of Automatic Speech Recognition (ASR), please refer to ASR - Bridging the Gap with Digital Humans.

Whisper

To implement ASR (Automatic Speech Recognition) using OpenAI's Whisper, you can refer to the specific usage methods provided in the GitHub repository: https://github.com/openai/whisper

FunASR

The speech recognition performance of Alibaba's FunASR is quite impressive and it is actually better than Whisper in terms of Chinese language. Additionally, FunASR is capable of achieving real-time results, making it a great choice. You can experience FunASR by accessing the FunASR file in the ASR folder. Please refer to https://github.com/alibaba-damo-academy/FunASR for more information.

TTS - Edge TTS

For detailed information about the usage and code implementation of Text-to-Speech (TTS), please refer to TTS - Empowering Digital Humans with Natural Speech Interaction.

To use Microsoft Edge's online text-to-speech service from Python without needing Microsoft Edge or Windows or an API key, you can refer to the GitHub repository at https://github.com/rany2/edge-tts. It provides a Python module called "edge-tts" that allows you to utilize the service. You can find detailed installation instructions and usage examples in the repository's README file.

Voice Clone

For detailed information about the usage and code implementation of Voice Clone, please refer to Voice Clone - Stealing Your Voice Quietly During Conversations.

GPT-SoVITS๏ผˆRecommend๏ผ‰

Thank you for your open source contribution. I have also found the GPT-SoVITS voice cloning model to be quite impressive. You can find the project at https://github.com/RVC-Boss/GPT-SoVITS.

XTTS

Coqui XTTS is a leading deep learning toolkit for Text-to-Speech (TTS) tasks, allowing for voice cloning and voice transfer to different languages using a 5-second or longer audio clip.

๐Ÿธ TTS is a library for advanced text-to-speech generation.

๐Ÿš€ Over 1100 pre-trained models for various languages.

๐Ÿ› ๏ธ Tools for training new models and fine-tuning existing models in any language.

๐Ÿ“š Utility programs for dataset analysis and management.

THG - Avatar

Detailed information about the usage and code implementation of digital human generation can be found in THG - Building Intelligent Digital Humans.

SadTalker

Digital persona generation can utilize SadTalker (CVPR 2023). For detailed information, please visit https://sadtalker.github.io.

Before usage, download the SadTalker model:

bash scripts/sadtalker_download_models.sh  

Baidu (็™พๅบฆไบ‘็›˜) (Password: linl)

If downloading from Baidu Cloud, remember to place it in the checkpoints folder. The model downloaded from Baidu Cloud is named sadtalker by default, but it should be renamed to checkpoints.

Wav2Lip

Digital persona generation can also utilize Wav2Lip (ACM 2020). For detailed information, refer to https://github.com/Rudrabha/Wav2Lip.

Before usage, download the Wav2Lip model:

Model Description Link to the model
Wav2Lip Highly accurate lip-sync Link
Wav2Lip + GAN Slightly inferior lip-sync, but better visual quality Link
Expert Discriminator Weights of the expert discriminator Link
Visual Quality Discriminator Weights of the visual disc trained in a GAN setup Link

ER-NeRF (Coming Soon)

ER-NeRF (ICCV 2023) is a digital human built using the latest NeRF technology. It allows for the customization of digital characters and can reconstruct them using just a five-minute video of a person. For more details, please refer to https://github.com/Fictionarry/ER-NeRF.

Further updates will be provided regarding this.

LLM - Conversation

For detailed information about the usage and code implementation of Large Language Models (LLM), please refer to LLM - Empowering Digital Humans with Powerful Language Models.

Linly-AI

Linly-AI is a Large Language model developed by CVI at Shenzhen University. You can find more information about Linly-AI on their GitHub repository: https://github.com/CVI-SZU/Linly

Download Linly models: https://huggingface.co/Linly-AI/Chinese-LLaMA-2-7B-hf

You can use git to download:

git lfs install
git clone https://huggingface.co/Linly-AI/Chinese-LLaMA-2-7B-hf

Alternatively, you can use the huggingface download tool huggingface-cli:

pip install -U huggingface_hub

# Set up mirror acceleration
# Linux
export HF_ENDPOINT="https://hf-mirror.com"
# Windows PowerShell
$env:HF_ENDPOINT="https://hf-mirror.com"

huggingface-cli download --resume-download Linly-AI/Chinese-LLaMA-2-7B-hf --local-dir Linly-AI/Chinese-LLaMA-2-7B-hf

Qwen

Qwen is an AI model developed by Alibaba Cloud. You can check out the GitHub repository for Qwen here: https://github.com/QwenLM/Qwen

If you want to quickly use Qwen, you can choose the 1.8B model, which has fewer parameters and can run smoothly even with limited GPU memory. Of course, this part can be replaced with other options.

You can download the Qwen 1.8B model from this link: https://huggingface.co/Qwen/Qwen-1_8B-Chat

You can use git to download:

git lfs install
git clone https://huggingface.co/Qwen/Qwen-1_8B-Chat

Alternatively, you can use the huggingface download tool huggingface-cli:

pip install -U huggingface_hub

# Set up mirror acceleration
# Linux
export HF_ENDPOINT="https://hf-mirror.com"
# Windows PowerShell
$env:HF_ENDPOINT="https://hf-mirror.com"

huggingface-cli download --resume-download Qwen/Qwen-1_8B-Chat --local-dir Qwen/Qwen-1_8B-Chat

Gemini-Pro

Gemini-Pro is an AI model developed by Google. To learn more about Gemini-Pro, you can visit their website: https://deepmind.google/technologies/gemini/

If you want to request an API key for Gemini-Pro, you can visit this link: https://makersuite.google.com/

LLM Model Selection

In the app.py file, tailor your model choice with ease.

# Uncomment and set up the model of your choice:

# llm = LLM(mode='offline').init_model('Linly', 'Linly-AI/Chinese-LLaMA-2-7B-hf')
# llm = LLM(mode='offline').init_model('Gemini', 'gemini-pro', api_key = "your api key")
# llm = LLM(mode='offline').init_model('Qwen', 'Qwen/Qwen-1_8B-Chat')

# Manual download with a specific path
llm = LLM(mode=mode).init_model('Qwen', model_path)

Optimizations

Some optimizations:

  • Use fixed input face images, extract features beforehand to avoid reading each time
  • Remove unnecessary libraries to reduce total time
  • Only save final video output, don't save intermediate results to improve performance
  • Use OpenCV to generate final video instead of mimwrite for faster runtime

Gradio

Gradio is a Python library that provides an easy way to deploy machine learning models as interactive web apps.

For Linly-Talker, Gradio serves two main purposes:

  1. Visualization & Demo: Gradio provides a simple web GUI for the model, allowing users to see the results intuitively by uploading an image and entering text. This is an effective way to showcase the capabilities of the system.

  2. User Interaction: The Gradio GUI can serve as a frontend to allow end users to interact with Linly-Talker. Users can upload their own images and ask arbitrary questions or have conversations to get real-time responses. This provides a more natural speech interaction method.

Specifically, we create a Gradio Interface in app.py that takes image and text inputs, calls our function to generate the response video, and displays it in the GUI. This enables browser interaction without needing to build complex frontend.

In summary, Gradio provides visualization and user interaction interfaces for Linly-Talker, serving as effective means for showcasing system capabilities and enabling end users.

Start WebUI

Previously, I had separated many versions, but it became cumbersome to run multiple versions. Therefore, I have added a WebUI feature to provide a single interface for a seamless experience. I will continue to update it in the future.

The current features available in the WebUI are as follows:

  • Text/Voice-based dialogue with virtual characters (fixed characters with male and female roles)
  • Dialogue with virtual characters using any image (you can upload any character image)
  • Multi-turn GPT dialogue (incorporating historical dialogue data to maintain context)
  • Voice cloning dialogue (based on GPT-SoVITS settings for voice cloning, including a built-in smoky voice that can be cloned based on the voice of the dialogue)
# WebUI
python webui.py

There are three modes for the current startup, and you can choose a specific setting based on the scenario.

The first mode involves fixed Q&A with a predefined character, eliminating preprocessing time.

python app.py

The first mode has recently been updated to include the Wav2Lip model for dialogue.

python appv2.py

The second mode allows for conversing with any uploaded image.

python app_img.py

The third mode builds upon the first one by incorporating a large language model for multi-turn GPT conversations.

python app_multi.py

Now, the part of voice cloning has been added, allowing for freely switching between cloned voice models and corresponding person images. Here, I have chosen a deep, smoky voice and an image of a male.

python app_vits.py

Folder structure

The folder structure of the weight files is as follows:

  • Baidu (็™พๅบฆไบ‘็›˜): You can download the weights from here (Password: linl).
  • huggingface: You can access the weights at this link.
  • modelscope: The weights will be available soon at this link.
Linly-Talker/ 
โ”œโ”€โ”€ checkpoints
โ”‚ย ย  โ”œโ”€โ”€ hub
โ”‚ย ย  โ”‚ย ย  โ””โ”€โ”€ checkpoints
โ”‚ย ย  โ”‚ย ย      โ””โ”€โ”€ s3fd-619a316812.pth
โ”‚ย ย  โ”œโ”€โ”€ lipsync_expert.pth
โ”‚ย ย  โ”œโ”€โ”€ mapping_00109-model.pth.tar
โ”‚ย ย  โ”œโ”€โ”€ mapping_00229-model.pth.tar
โ”‚ย ย  โ”œโ”€โ”€ SadTalker_V0.0.2_256.safetensors
โ”‚ย ย  โ”œโ”€โ”€ visual_quality_disc.pth
โ”‚ย ย  โ”œโ”€โ”€ wav2lip_gan.pth
โ”‚ย ย  โ””โ”€โ”€ wav2lip.pth
โ”œโ”€โ”€ gfpgan
โ”‚ย ย  โ””โ”€โ”€ weights
โ”‚ย ย      โ”œโ”€โ”€ alignment_WFLW_4HG.pth
โ”‚ย ย      โ””โ”€โ”€ detection_Resnet50_Final.pth
โ”œโ”€โ”€ GPT_SoVITS
โ”‚ย ย  โ””โ”€โ”€ pretrained_models
โ”‚ย ย      โ”œโ”€โ”€ chinese-hubert-base
โ”‚ย ย      โ”‚ย ย  โ”œโ”€โ”€ config.json
โ”‚ย ย      โ”‚ย ย  โ”œโ”€โ”€ preprocessor_config.json
โ”‚ย ย      โ”‚ย ย  โ””โ”€โ”€ pytorch_model.bin
โ”‚ย ย      โ”œโ”€โ”€ chinese-roberta-wwm-ext-large
โ”‚ย ย      โ”‚ย ย  โ”œโ”€โ”€ config.json
โ”‚ย ย      โ”‚ย ย  โ”œโ”€โ”€ pytorch_model.bin
โ”‚ย ย      โ”‚ย ย  โ””โ”€โ”€ tokenizer.json
โ”‚ย ย      โ”œโ”€โ”€ README.md
โ”‚ย ย      โ”œโ”€โ”€ s1bert25hz-2kh-longer-epoch=68e-step=50232.ckpt
โ”‚ย ย      โ”œโ”€โ”€ s2D488k.pth
โ”‚ย ย      โ”œโ”€โ”€ s2G488k.pth
โ”‚ย ย      โ””โ”€โ”€ speech_paraformer-large_asr_nat-zh-cn-16k-common-vocab8404-pytorch
โ”œโ”€โ”€ Qwen
โ”‚ย ย  โ””โ”€โ”€ Qwen-1_8B-Chat
โ”‚ย ย      โ”œโ”€โ”€ assets
โ”‚ย ย      โ”‚ย ย  โ”œโ”€โ”€ logo.jpg
โ”‚ย ย      โ”‚ย ย  โ”œโ”€โ”€ qwen_tokenizer.png
โ”‚ย ย      โ”‚ย ย  โ”œโ”€โ”€ react_showcase_001.png
โ”‚ย ย      โ”‚ย ย  โ”œโ”€โ”€ react_showcase_002.png
โ”‚ย ย      โ”‚ย ย  โ””โ”€โ”€ wechat.png
โ”‚ย ย      โ”œโ”€โ”€ cache_autogptq_cuda_256.cpp
โ”‚ย ย      โ”œโ”€โ”€ cache_autogptq_cuda_kernel_256.cu
โ”‚ย ย      โ”œโ”€โ”€ config.json
โ”‚ย ย      โ”œโ”€โ”€ configuration_qwen.py
โ”‚ย ย      โ”œโ”€โ”€ cpp_kernels.py
โ”‚ย ย      โ”œโ”€โ”€ examples
โ”‚ย ย      โ”‚ย ย  โ””โ”€โ”€ react_prompt.md
โ”‚ย ย      โ”œโ”€โ”€ generation_config.json
โ”‚ย ย      โ”œโ”€โ”€ LICENSE
โ”‚ย ย      โ”œโ”€โ”€ model-00001-of-00002.safetensors
โ”‚ย ย      โ”œโ”€โ”€ model-00002-of-00002.safetensors
โ”‚ย ย      โ”œโ”€โ”€ modeling_qwen.py
โ”‚ย ย      โ”œโ”€โ”€ model.safetensors.index.json
โ”‚ย ย      โ”œโ”€โ”€ NOTICE
โ”‚ย ย      โ”œโ”€โ”€ qwen_generation_utils.py
โ”‚ย ย      โ”œโ”€โ”€ qwen.tiktoken
โ”‚ย ย      โ”œโ”€โ”€ README.md
โ”‚ย ย      โ”œโ”€โ”€ tokenization_qwen.py
โ”‚ย ย      โ””โ”€โ”€ tokenizer_config.json
โ””โ”€โ”€ README.md

Reference

ASR

TTS

LLM

THG

Voice Clone

Star History

Star History Chart

linly-talker's People

Contributors

kedreamix avatar yarkable avatar kaixindelele avatar

Recommend Projects

  • React photo React

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

  • Vue.js photo Vue.js

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

  • Typescript photo Typescript

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

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. ๐Ÿ“Š๐Ÿ“ˆ๐ŸŽ‰

Recommend Topics

  • javascript

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

  • web

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

  • server

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

  • Machine learning

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

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

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

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google โค๏ธ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.