📺Web Viewer: https://srameo.github.io/projects/le3d/
🧑💻Github: https://github.com/Srameo/LE3D
#ComputerVision #3DReconstruction #GaussianSplatting
Нейронные сети - это канал, где можно получить всю необходимую информацию о машинном обучении. Здесь вы найдете последние новости, полезные советы и лучшие практики по работе с нейронными сетями. Если вы интересуетесь искусственным интеллектом и хотите развиваться в этой области, то этот канал идеально подходит для вас. Наш администратор @notxxx1 всегда готов ответить на ваши вопросы и помочь вам разобраться в сложных темах. Присоединяйтесь к нам и начинайте свой путь к освоению нейронных сетей прямо сейчас!
10 Jan, 06:32
05 Jan, 03:40
26 Dec, 16:56
# Clone repo
git clone https://github.com/Johanan528/DepthLab.git
cd DepthLab
# Create conda env
conda env create -f environment.yaml
conda activate DepthLab
# Run inference
cd scripts
bash infer.sh
20 Dec, 13:54
ConstrINT
, которая решает задачи целочисленного удовлетворения ограничений, моделируя аппаратные ограничения в виде равенств, неравенств и ограничений делимости.# Install FlashRNN
pip install flashrnn
# FlashRNN employs a functional structure, none of the parameters are tied to the `flashrnn` function:
import torch
from flashrnn import flashrnn
device = torch.device('cuda')
dtype = torch.bfloat16
B = 8 # batch size
T = 1024 # sequence length
N = 3 # number of heads
D = 256 # head dimension
G = 4 # number of gates / pre-activations for LSTM example
S = 2 # number of states
Wx = torch.randn([B, T, G, N, D], device=device, dtype=dtype, requires_grad=True)
R = torch.randn([G, N, D, D], device=device, dtype=dtype, requires_grad=True)
b = torch.randn([G, N, D], device=device, dtype=dtype, requires_grad=True)
states_initial = torch.randn([S, B, 1, N, D], device=device, dtype=dtype, requires_grad=True)
# available functions
# lstm, gru, elman, slstm
# available backend
# cuda_fused, cuda, triton and vanilla
states, last_states = flashrnn(Wx, R, b, states=states_initial, function="lstm", backend="cuda_fused")
# for LSTM the hidden h state is the first of [h, c]
# [S, B, T, N, D]
hidden_state = states[0]
14 Dec, 09:50
05 Dec, 18:13
03 Dec, 13:02
# Clone repo:
git clone https://github.com/tencent/HunyuanVideo
cd HunyuanVideo
# Prepare conda environment
conda env create -f environment.yml
conda activate HunyuanVideo
# Install pip dependencies
python -m pip install -r requirements.txt
# Install flash attention v2
python -m pip install git+https://github.com/Dao-AILab/[email protected]
# Inference
python3 sample_video.py \
--video-size 720 \
--video-length 129 \
--infer-steps 50 \
--prompt "%prompt%" \
--flow-reverse \
--use-cpu-offload \
--save-path ./results
01 Dec, 15:22
26 Nov, 08:30
23 Nov, 13:06
# Install boltz with PyPI
pip install boltz
# run inference
boltz predict input_path
20 Nov, 16:06
19 Nov, 09:28
16 Nov, 12:01
16 Nov, 10:05
14 Nov, 23:59
06 Nov, 09:30
05 Nov, 19:29
05 Nov, 15:57
--enable_cpu_offload
, инференс возможен на 9.3Gb VRAM, без использования выгрузки потребность Allegro около 27Gb VRAM.# Run inference
python single_inference.py
# Keys
--user_prompt '%prompt%'
--save_path '%full path for output file%'
--vae '%path to VAE'
--dit '%path to DiT%'
--text_encoder '%path to text encoder%'
--tokenizer '%path to text tokenizer%'
--guidance_scale 7.5
--num_sampling_steps 100
--seed 42
01 Nov, 13:01
28 Oct, 11:01
28 Oct, 09:01
27 Oct, 14:24
# Clone repository
git clone https://github.com/a-ghorbani/pocketpal-ai
cd pocketpal-ai
# Install dependencies
yarn install
# Install dependencies iOS only
cd ios
pod install
cd ..
# Run App via iOS Simulator
yarn ios
# Run App via Android Simulator
yarn android
26 Oct, 16:20
24 Oct, 11:30
16 Oct, 12:30
11 Oct, 15:01
07 Oct, 18:15
cpu_offload
и disable_refiner
.# Clone the repository
git clone https://github.com/genforce/ctrl-x.git
# Create Conda environment
conda env create -f environment.yaml
conda activate ctrlx
# Run Gradio Demo
python app_ctrlx.py
# or run CLI inference
python run_ctrlx.py \
--structure_image assets/images/horse__point_cloud.jpg \
--appearance_image assets/images/horse.jpg \
--prompt "a photo of a horse standing on grass" \
--structure_prompt "a 3D point cloud of a horse"
07 Oct, 16:13
05 Oct, 10:35
PDF, PNG
или SVG. Ну и главное, приложение бесплатное 03 Oct, 16:01
03 Oct, 08:07
30 Sep, 12:53
29 Sep, 17:56
22 Sep, 10:57
21 Sep, 13:37
17 Sep, 13:04
14 Sep, 09:13
12 Sep, 13:03
study.new
загрузит видео, достанет из него всё самое важное и выдаст вам.study.new/