DeepAmandine is an artificial intelligence that allows you to talk to it for hours, you won't know the difference.

Overview

DeepAmandine

This is an artificial intelligence based on GPT-3 that you can chat with, it is very nice and makes a lot of jokes. We wish you a good experience with the AGI and hope you have fun.

screen_1


Installation and usage

- To use the version on Android - v1.0-beta :

1. Installing the pre-required Python libraries :

$ wget https://github.com/BuyWithCrypto/deep-amandine/releases/download/v1.0-beta/requirements.txt && pip3 install -r requirements.txt

2. Download the executable file :

$ wget https://github.com/BuyWithCrypto/deep-amandine/releases/download/v1.0-beta/DeepAmandine-android-v1.0-beta.pyc

3. Run the executable :

$ python3 DeepAmandine-android-v1.0-beta.pyc

- To use the version on Desktop - v1.0-beta :

1. Installing the pre-required Python libraries :

$ wget https://github.com/BuyWithCrypto/deep-amandine/releases/download/v1.0-beta/requirements.txt && pip3 install -r requirements.txt

2. Download the executable file :

$ wget https://github.com/BuyWithCrypto/deep-amandine/releases/download/v1.0-beta/DeepAmandine-desktop-v1.0-beta.pyc

3. Run the executable :

$ python3 DeepAmandine-desktop-v1.0-beta.pyc

Examples of use

You can select a language to speak with our AI.

screen_1

You can select a username to chat with the AI.

screen_2

Once all the steps have been completed, you can start talking to the AI.

screen_3

You might also like...
Text to speech is a process to convert any text into voice. Text to speech project takes words on digital devices and convert them into audio. Here I have used Google-text-to-speech library popularly known as gTTS library to convert text file to .mp3 file. Hope you like my project! simpleT5 is built on top of PyTorch-lightning⚡️ and Transformers🤗 that lets you quickly train your T5 models.
simpleT5 is built on top of PyTorch-lightning⚡️ and Transformers🤗 that lets you quickly train your T5 models.

Quickly train T5 models in just 3 lines of code + ONNX support simpleT5 is built on top of PyTorch-lightning ⚡️ and Transformers 🤗 that lets you quic

pytorch implementation of Attention is all you need

A Pytorch Implementation of the Transformer: Attention Is All You Need Our implementation is largely based on Tensorflow implementation Requirements N

A PyTorch implementation of the Transformer model in
A PyTorch implementation of the Transformer model in "Attention is All You Need".

Attention is all you need: A Pytorch Implementation This is a PyTorch implementation of the Transformer model in "Attention is All You Need" (Ashish V

Applying "Load What You Need: Smaller Versions of Multilingual BERT" to LaBSE

smaller-LaBSE LaBSE(Language-agnostic BERT Sentence Embedding) is a very good method to get sentence embeddings across languages. But it is hard to fi

I can help you convert your images to pdf file.
I can help you convert your images to pdf file.

IMAGE TO PDF CONVERTER BOT Configs TOKEN - Get bot token from @BotFather API_ID - From my.telegram.org API_HASH - From my.telegram.org Deploy to Herok

A simple recipe for training and inferencing Transformer architecture for Multi-Task Learning on custom datasets. You can find two approaches for achieving this in this repo.
A simple recipe for training and inferencing Transformer architecture for Multi-Task Learning on custom datasets. You can find two approaches for achieving this in this repo.

multitask-learning-transformers A simple recipe for training and inferencing Transformer architecture for Multi-Task Learning on custom datasets. You

Rhythm-Finder is a unsupervised ML driven python powered web-application that can find the songs that suits you.
Releases(v1.0-beta)
  • v1.0-beta(Jan 15, 2022)

    DeepAmandine

    This is an artificial intelligence based on GPT-3 that you can chat with, it is very nice and makes a lot of jokes.


    - To use the version on Android - v1.0-beta :

    1. Installing the pre-required Python libraries :

    $ wget https://github.com/BuyWithCrypto/deep-amandine/releases/download/v1.0-beta/requirements.txt && pip3 install -r requirements.txt
    

    2. Download the executable file :

    $ wget https://github.com/BuyWithCrypto/deep-amandine/releases/download/v1.0-beta/DeepAmandine-android-v1.0-beta.pyc
    

    3. Run the executable :

    $ python3 DeepAmandine-android-v1.0-beta.pyc
    

    - To use the version on Desktop - v1.0-beta :

    1. Installing the pre-required Python libraries :

    $ wget https://github.com/BuyWithCrypto/deep-amandine/releases/download/v1.0-beta/requirements.txt && pip3 install -r requirements.txt
    

    2. Download the executable file :

    $ wget https://github.com/BuyWithCrypto/deep-amandine/releases/download/v1.0-beta/DeepAmandine-desktop-v1.0-beta.pyc
    

    3. Run the executable :

    $ python3 DeepAmandine-desktop-v1.0-beta.pyc
    
    Source code(tar.gz)
    Source code(zip)
    DeepAmandine-android-v1.0-beta.pyc(3.17 KB)
    DeepAmandine-desktop-v1.0-beta.pyc(3.43 KB)
    requirements.txt(13 bytes)
Owner
BuyWithCrypto
Blockchain & Fintech
BuyWithCrypto
Auto-researching tool generating word documents.

About ResearchTE automates researching by generating document with answers to given questions. Supports getting results from: Google DuckDuckGo (with

1 Feb 14, 2022
CMeEE 数据集医学实体抽取

医学实体抽取_GlobalPointer_torch 介绍 思想来自于苏神 GlobalPointer,原始版本是基于keras实现的,模型结构实现参考现有 pytorch 复现代码【感谢!】,基于torch百分百复现苏神原始效果。 数据集 中文医学命名实体数据集 点这里申请,很简单,共包含九类医学

85 Dec 28, 2022
A Japanese tokenizer based on recurrent neural networks

Nagisa is a python module for Japanese word segmentation/POS-tagging. It is designed to be a simple and easy-to-use tool. This tool has the following

325 Jan 05, 2023
SimCSE: Simple Contrastive Learning of Sentence Embeddings

SimCSE: Simple Contrastive Learning of Sentence Embeddings This repository contains the code and pre-trained models for our paper SimCSE: Simple Contr

Princeton Natural Language Processing 2.5k Jan 07, 2023
用Resnet101+GPT搭建一个玩王者荣耀的AI

基于pytorch框架用resnet101加GPT搭建AI玩王者荣耀 本源码模型主要用了SamLynnEvans Transformer 的源码的解码部分。以及pytorch自带的预训练模型"resnet101-5d3b4d8f.pth"

冯泉荔 2.2k Jan 03, 2023
Partially offline multi-language translator built upon Huggingface transformers.

Translate Command-line interface to translation pipelines, powered by Huggingface transformers. This tool can download translation models, and then us

Richard Jarry 8 Oct 25, 2022
Full Spectrum Bioinformatics - a free online text designed to introduce key topics in Bioinformatics using the Python

Full Spectrum Bioinformatics is a free online text designed to introduce key topics in Bioinformatics using the Python programming language. The text is written in interactive Jupyter Notebooks, whic

Jesse Zaneveld 33 Dec 28, 2022
Crie tokens de autenticação íntegros e seguros com UToken.

UToken - Tokens seguros. UToken (ou Unhandleable Token) é uma bilioteca criada para ser utilizada na geração de tokens seguros e íntegros, ou seja, nã

Jaedson Silva 0 Nov 29, 2022
Repository for Graph2Pix: A Graph-Based Image to Image Translation Framework

Graph2Pix: A Graph-Based Image to Image Translation Framework Installation Install the dependencies in env.yml $ conda env create -f env.yml $ conda a

18 Nov 17, 2022
Package for controllable summarization

summarizers summarizers is package for controllable summarization based CTRLsum. currently, we only supports English. It doesn't work in other languag

Hyunwoong Ko 72 Dec 07, 2022
Implementing SimCSE(paper, official repository) using TensorFlow 2 and KR-BERT.

KR-BERT-SimCSE Implementing SimCSE(paper, official repository) using TensorFlow 2 and KR-BERT. Training Unsupervised python train_unsupervised.py --mi

Jeong Ukjae 27 Dec 12, 2022
Using Bert as the backbone model for lime, designed for NLP task explanation (sentence pair text classification task)

Lime Comparing deep contextualized model for sentences highlighting task. In addition, take the classic explanation model "LIME" with bert-base model

JHJu 2 Jan 18, 2022
A simple implementation of N-gram language model.

About A simple implementation of N-gram language model. Requirements numpy Data preparation Corpus Training data for the N-gram model, a text file lik

4 Nov 24, 2021
Super easy library for BERT based NLP models

Fast-Bert New - Learning Rate Finder for Text Classification Training (borrowed with thanks from https://github.com/davidtvs/pytorch-lr-finder) Suppor

Utterworks 1.8k Dec 27, 2022
Easily train your own text-generating neural network of any size and complexity on any text dataset with a few lines of code.

textgenrnn Easily train your own text-generating neural network of any size and complexity on any text dataset with a few lines of code, or quickly tr

Max Woolf 4.8k Dec 30, 2022
A raytrace framework using taichi language

ti-raytrace The code use Taichi programming language Current implement acceleration lvbh disney brdf How to run First config your anaconda workspace,

蕉太狼 73 Dec 11, 2022
PyTorch implementation of convolutional neural networks-based text-to-speech synthesis models

Deepvoice3_pytorch PyTorch implementation of convolutional networks-based text-to-speech synthesis models: arXiv:1710.07654: Deep Voice 3: Scaling Tex

Ryuichi Yamamoto 1.8k Dec 30, 2022
Course project of [email protected]

NaiveMT Prepare Clone this repository git clone [email protected]:Poeroz/NaiveMT.git

Poeroz 2 Apr 24, 2022
Sapiens is a human antibody language model based on BERT.

Sapiens: Human antibody language model ____ _ / ___| __ _ _ __ (_) ___ _ __ ___ \___ \ / _` | '_ \| |/ _ \ '

Merck Sharp & Dohme Corp. a subsidiary of Merck & Co., Inc. 13 Nov 20, 2022