diff --git a/.gitattributes b/.gitattributes index a6344aac8c09253b3b630fb776ae94478aa0275b..df8049e49a0866f4c975e58f7466f296bca9cbe8 100644 --- a/.gitattributes +++ b/.gitattributes @@ -33,3 +33,10 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text *.zip filter=lfs diff=lfs merge=lfs -text *.zst filter=lfs diff=lfs merge=lfs -text *tfevents* filter=lfs diff=lfs merge=lfs -text +input/face.png filter=lfs diff=lfs merge=lfs -text +static/female.png filter=lfs diff=lfs merge=lfs -text +static/male.png filter=lfs diff=lfs merge=lfs -text +temp/result.avi filter=lfs diff=lfs merge=lfs -text +temp/temp.wav filter=lfs diff=lfs merge=lfs -text +uploads/b79f48b7-26cb-4b71-8bde-f373643576c9.png filter=lfs diff=lfs merge=lfs -text +uploads/male.png filter=lfs diff=lfs merge=lfs -text diff --git a/__pycache__/audio.cpython-311.pyc b/__pycache__/audio.cpython-311.pyc new file mode 100644 index 0000000000000000000000000000000000000000..cfe39e92f16d7796208ce68eadc04facf8ba34bb Binary files /dev/null and b/__pycache__/audio.cpython-311.pyc differ diff --git a/audio_processing/__init__.py b/audio_processing/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..af97a127d6b5f7d852be562a31fb97da85017628 --- /dev/null +++ b/audio_processing/__init__.py @@ -0,0 +1 @@ +from .audio import * \ No newline at end of file diff --git a/audio_processing/__pycache__/__init__.cpython-311.pyc b/audio_processing/__pycache__/__init__.cpython-311.pyc new file mode 100644 index 0000000000000000000000000000000000000000..0b72190b92b4bea75ecab2a0ac1c3315bdf647fe Binary files /dev/null and b/audio_processing/__pycache__/__init__.cpython-311.pyc differ diff --git a/audio_processing/__pycache__/audio.cpython-311.pyc b/audio_processing/__pycache__/audio.cpython-311.pyc new file mode 100644 index 0000000000000000000000000000000000000000..268251d6f923f003c48f2621a1e357b1ff946219 Binary files /dev/null and b/audio_processing/__pycache__/audio.cpython-311.pyc differ diff --git a/audio_processing/audio.py b/audio_processing/audio.py new file mode 100644 index 0000000000000000000000000000000000000000..ce0674579b52e27bacbdfb4c903b93284a763aae --- /dev/null +++ b/audio_processing/audio.py @@ -0,0 +1,96 @@ +import librosa +import librosa.filters +import numpy as np +import scipy +from scipy.io import wavfile +import soundfile as sf +import logging + +logger = logging.getLogger(__name__) + +def load_wav(path, sr): + try: + wav, _ = librosa.core.load(path, sr=sr) + return wav + except Exception as e: + logger.error(f"Error al cargar audio {path}: {str(e)}") + raise + +def save_wav(wav, path, sr): + try: + wav *= 32767 / max(0.01, np.max(np.abs(wav))) + wavfile.write(path, sr, wav.astype(np.int16)) + except Exception as e: + logger.error(f"Error al guardar audio {path}: {str(e)}") + raise + +def save_wavenet_wav(wav, path, sr): + try: + sf.write(path, wav.astype(np.float32), sr) + except Exception as e: + logger.error(f"Error al guardar audio wavenet {path}: {str(e)}") + raise + +def preemphasis(wav, k, preemphasize=True): + if preemphasize: + return scipy.signal.lfilter([1, -k], [1], wav) + return wav + +def inv_preemphasis(wav, k, inv_preemphasize=True): + if inv_preemphasize: + return scipy.signal.lfilter([1], [1, -k], wav) + return wav + +def get_hop_size(): + return 200 + +def linearspectrogram(wav): + D = _stft(preemphasis(wav, 0.97)) + S = _amp_to_db(np.abs(D)) + return _normalize(S) + +def melspectrogram(wav, sr=16000): + D = _stft(preemphasis(wav, 0.97)) + S = _amp_to_db(_linear_to_mel(np.abs(D), sr)) + + if np.isnan(S).any(): + raise ValueError("El espectrograma contiene valores NaN") + + S = _normalize(S) + + # Asegurar dimensiones correctas (80, T) + if len(S.shape) == 1: + S = S.reshape(80, -1) + elif S.shape[0] != 80: + S = S.T + + return S + +def _stft(y): + n_fft = 800 + hop_length = 200 + win_length = 800 + return librosa.stft(y=y, n_fft=n_fft, hop_length=hop_length, win_length=win_length) + +def _linear_to_mel(spectrogram, sr): + _mel_basis = _build_mel_basis(sr) + return np.dot(_mel_basis, spectrogram) + +def _build_mel_basis(sr): + n_fft = 800 + n_mels = 80 + fmin = 80 + fmax = 7600 + return librosa.filters.mel(sr=sr, n_fft=n_fft, n_mels=n_mels, fmin=fmin, fmax=fmax) + +def _amp_to_db(x): + return 20 * np.log10(np.maximum(1e-5, x)) + +def _db_to_amp(x): + return np.power(10.0, x * 0.05) + +def _normalize(S): + return np.clip((S + 100) / 100, 0, 1) + +def _denormalize(D): + return (D * 100) - 100 \ No newline at end of file diff --git a/checkpoints/wav2lip_gan.pth b/checkpoints/wav2lip_gan.pth new file mode 100644 index 0000000000000000000000000000000000000000..0b8907735b1aef6adb297f2f6dcbcf8432823de4 --- /dev/null +++ b/checkpoints/wav2lip_gan.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ca9ab7b7b812c0e80a6e70a5977c545a1e8a365a6c49d5e533023c034d7ac3d8 +size 435801865 diff --git a/face_detection/__init__.py b/face_detection/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..151c65249a5293b2dcd0bcccf2a8c0b56217ed76 --- /dev/null +++ b/face_detection/__init__.py @@ -0,0 +1 @@ +from .api import FaceAlignment, LandmarksType \ No newline at end of file diff --git a/face_detection/__pycache__/__init__.cpython-311.pyc b/face_detection/__pycache__/__init__.cpython-311.pyc new file mode 100644 index 0000000000000000000000000000000000000000..9fc06214d982c8567eab815c65003ce9d2da0663 Binary files /dev/null and b/face_detection/__pycache__/__init__.cpython-311.pyc differ diff --git a/face_detection/__pycache__/api.cpython-311.pyc b/face_detection/__pycache__/api.cpython-311.pyc new file mode 100644 index 0000000000000000000000000000000000000000..77d61ea8a660f6171f1ee66f4fd9124a259e7589 Binary files /dev/null and b/face_detection/__pycache__/api.cpython-311.pyc differ diff --git a/face_detection/__pycache__/utils.cpython-311.pyc b/face_detection/__pycache__/utils.cpython-311.pyc new file mode 100644 index 0000000000000000000000000000000000000000..cf12a11f89679a7a5ed6183e3cab37243b5c4c79 Binary files /dev/null and b/face_detection/__pycache__/utils.cpython-311.pyc differ diff --git a/face_detection/api.py b/face_detection/api.py new file mode 100644 index 0000000000000000000000000000000000000000..721ab831a6c938e1cbfe36c684cd82854225c69b --- /dev/null +++ b/face_detection/api.py @@ -0,0 +1,163 @@ +from __future__ import print_function +import os +import torch +import numpy as np +import cv2 +from enum import Enum +from .detection.sfd import SFDDetector +import logging +from .utils import download_sfd_model + +logger = logging.getLogger(__name__) + +class LandmarksType(Enum): + _2D = 1 + _2halfD = 2 + _3D = 3 + +class NetworkSize(Enum): + LARGE = 4 + + def __new__(cls, value): + member = object.__new__(cls) + member._value_ = value + return member + + def __int__(self): + return self.value + +ROOT = os.path.dirname(os.path.abspath(__file__)) + +class FaceAlignment: + def __init__(self, path_to_detector=None, device='cuda'): + self.device = torch.device(device if torch.cuda.is_available() else 'cpu') + self.face_detector = SFDDetector(path_to_detector, device) + + def get_detections_for_batch(self, images): + images = np.array(images) + if len(images.shape) == 3: + images = images[np.newaxis, ...] + + detected_faces = self.face_detector.detect_from_batch(images) + results = [] + + for i, faces in enumerate(detected_faces): + if len(faces) == 0: + height, width = images[i].shape[:2] + margin_x = int(width * 0.1) + margin_y = int(height * 0.1) + faces = np.array([[margin_x, margin_y, width-margin_x, height-margin_y, 0.99]], dtype=np.int32) + + faces = faces.astype(np.int32) + height, width = images[i].shape[:2] + faces[:, 0] = np.clip(faces[:, 0], 0, width - 1) + faces[:, 1] = np.clip(faces[:, 1], 0, height - 1) + faces[:, 2] = np.clip(faces[:, 2], 1, width) + faces[:, 3] = np.clip(faces[:, 3], 1, height) + + results.append(faces) + + return results + + def detect_faces(self, image_or_path, return_single=True): + if isinstance(image_or_path, str): + try: + image = cv2.imdecode(np.fromfile(image_or_path, dtype=np.uint8), cv2.IMREAD_UNCHANGED) + if image is None: + raise ValueError(f"No se pudo cargar la imagen: {image_or_path}") + except Exception as e: + logger.error(f"Error al cargar la imagen: {str(e)}") + raise + else: + image = image_or_path.copy() + + if len(image.shape) == 2: + image = np.stack((image,)*3, axis=-1) + elif image.shape[2] == 4: + image = image[..., :3] + + detected_faces = self.face_detector.detect_from_batch(np.array([image]))[0] + + if len(detected_faces) == 0: + height, width = image.shape[:2] + margin_x = int(width * 0.1) + margin_y = int(height * 0.1) + detected_faces = np.array([[margin_x, margin_y, width-margin_x, height-margin_y, 0.99]], dtype=np.int32) + + detected_faces = detected_faces.astype(np.int32) + height, width = image.shape[:2] + detected_faces[:, 0] = np.clip(detected_faces[:, 0], 0, width - 1) + detected_faces[:, 1] = np.clip(detected_faces[:, 1], 0, height - 1) + detected_faces[:, 2] = np.clip(detected_faces[:, 2], 1, width) + detected_faces[:, 3] = np.clip(detected_faces[:, 3], 1, height) + + return detected_faces[0] if return_single else detected_faces + + def get_landmarks(self, image_or_path, detected_faces=None): + if isinstance(image_or_path, str): + try: + image = cv2.imread(image_or_path) + if image is None: + raise ValueError(f"No se pudo cargar la imagen: {image_or_path}") + except Exception as e: + logger.error(f"Error al cargar la imagen: {str(e)}") + raise + else: + image = image_or_path.copy() + + if detected_faces is None: + detected_faces = self.detect_faces(image, return_single=False) + + if len(detected_faces) == 0: + height, width = image.shape[:2] + margin_x = int(width * 0.1) + margin_y = int(height * 0.1) + detected_faces = np.array([[margin_x, margin_y, width-margin_x, height-margin_y, 0.99]], dtype=np.int32) + + landmarks = [] + for face_d in detected_faces: + bbox = face_d[:4].astype(np.int32) + frame_with_face = image[bbox[1]:bbox[3], bbox[0]:bbox[2]] + + # Generar landmarks básicos para el rostro + face_height = bbox[3] - bbox[1] + face_width = bbox[2] - bbox[0] + + # Puntos clave aproximados (68 landmarks) + basic_landmarks = np.zeros((68, 2), dtype=np.int32) + + # Ojos + eye_y = bbox[1] + int(face_height * 0.35) + left_eye_x = bbox[0] + int(face_width * 0.3) + right_eye_x = bbox[0] + int(face_width * 0.7) + + # Nariz + nose_x = bbox[0] + int(face_width * 0.5) + nose_y = bbox[1] + int(face_height * 0.5) + + # Boca + mouth_y = bbox[1] + int(face_height * 0.7) + + # Asignar puntos clave básicos + for i in range(68): + if i < 17: # Contorno facial + x = bbox[0] + int(face_width * (i / 16)) + y = bbox[1] + int(face_height * 0.8) + elif i < 27: # Cejas + x = left_eye_x if i < 22 else right_eye_x + y = eye_y - int(face_height * 0.1) + elif i < 36: # Nariz + x = nose_x + y = nose_y + elif i < 48: # Ojos + x = left_eye_x if i < 42 else right_eye_x + y = eye_y + else: # Boca + x = nose_x + y = mouth_y + + basic_landmarks[i] = [x, y] + + landmarks.append(basic_landmarks) + + return landmarks \ No newline at end of file diff --git a/face_detection/detection/__init__.py b/face_detection/detection/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..d245d38cbec82fcb8ce432328b199c85f063eb1a --- /dev/null +++ b/face_detection/detection/__init__.py @@ -0,0 +1 @@ +from .sfd import S3FD \ No newline at end of file diff --git a/face_detection/detection/__pycache__/__init__.cpython-311.pyc b/face_detection/detection/__pycache__/__init__.cpython-311.pyc new file mode 100644 index 0000000000000000000000000000000000000000..d2b4a848a37bc44e776346194634e77327019c47 Binary files /dev/null and b/face_detection/detection/__pycache__/__init__.cpython-311.pyc differ diff --git a/face_detection/detection/sfd/__init__.py b/face_detection/detection/sfd/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..d89670b05f4ad27cd6408cfac3a1c239c056e2d2 --- /dev/null +++ b/face_detection/detection/sfd/__init__.py @@ -0,0 +1,2 @@ +from .sfd_detector import SFDDetector +from .s3fd import S3FD \ No newline at end of file diff --git a/face_detection/detection/sfd/__pycache__/__init__.cpython-311.pyc b/face_detection/detection/sfd/__pycache__/__init__.cpython-311.pyc new file mode 100644 index 0000000000000000000000000000000000000000..f5922c35c318a03289fd13641a118fe316475749 Binary files /dev/null and b/face_detection/detection/sfd/__pycache__/__init__.cpython-311.pyc differ diff --git a/face_detection/detection/sfd/__pycache__/net_s3fd.cpython-311.pyc b/face_detection/detection/sfd/__pycache__/net_s3fd.cpython-311.pyc new file mode 100644 index 0000000000000000000000000000000000000000..2256a8b247777c4ea7ba77b28e26ffcf6318e563 Binary files /dev/null and b/face_detection/detection/sfd/__pycache__/net_s3fd.cpython-311.pyc differ diff --git a/face_detection/detection/sfd/__pycache__/s3fd.cpython-311.pyc b/face_detection/detection/sfd/__pycache__/s3fd.cpython-311.pyc new file mode 100644 index 0000000000000000000000000000000000000000..e8135ed9f86d53b0e2e52b47fbe7ef638ea704fe Binary files /dev/null and b/face_detection/detection/sfd/__pycache__/s3fd.cpython-311.pyc differ diff --git a/face_detection/detection/sfd/__pycache__/sfd_detector.cpython-311.pyc b/face_detection/detection/sfd/__pycache__/sfd_detector.cpython-311.pyc new file mode 100644 index 0000000000000000000000000000000000000000..47105e6f8b3bebb29b0a4e43ee28bb271572223a Binary files /dev/null and b/face_detection/detection/sfd/__pycache__/sfd_detector.cpython-311.pyc differ diff --git a/face_detection/detection/sfd/net_s3fd.py b/face_detection/detection/sfd/net_s3fd.py new file mode 100644 index 0000000000000000000000000000000000000000..bece072a6495396e7d7185256ced0fadc7f5f482 --- /dev/null +++ b/face_detection/detection/sfd/net_s3fd.py @@ -0,0 +1,135 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F + +class L2Norm(nn.Module): + def __init__(self, n_channels, scale=1.0): + super(L2Norm, self).__init__() + self.n_channels = n_channels + self.scale = scale + self.eps = 1e-10 + self.weight = nn.Parameter(torch.Tensor(self.n_channels)) + self.weight.data *= 0.0 + self.weight.data += self.scale + + def forward(self, x): + norm = x.pow(2).sum(dim=1, keepdim=True).sqrt() + self.eps + x = x / norm + out = self.weight.unsqueeze(0).unsqueeze(2).unsqueeze(3).expand_as(x) * x + return out + +class s3fd(nn.Module): + def __init__(self): + super(s3fd, self).__init__() + self.conv1_1 = nn.Conv2d(3, 64, kernel_size=3, stride=1, padding=1) + self.conv1_2 = nn.Conv2d(64, 64, kernel_size=3, stride=1, padding=1) + self.pool1 = nn.MaxPool2d(kernel_size=2, stride=2) + + self.conv2_1 = nn.Conv2d(64, 128, kernel_size=3, stride=1, padding=1) + self.conv2_2 = nn.Conv2d(128, 128, kernel_size=3, stride=1, padding=1) + self.pool2 = nn.MaxPool2d(kernel_size=2, stride=2) + + self.conv3_1 = nn.Conv2d(128, 256, kernel_size=3, stride=1, padding=1) + self.conv3_2 = nn.Conv2d(256, 256, kernel_size=3, stride=1, padding=1) + self.conv3_3 = nn.Conv2d(256, 256, kernel_size=3, stride=1, padding=1) + self.pool3 = nn.MaxPool2d(kernel_size=2, stride=2) + + self.conv4_1 = nn.Conv2d(256, 512, kernel_size=3, stride=1, padding=1) + self.conv4_2 = nn.Conv2d(512, 512, kernel_size=3, stride=1, padding=1) + self.conv4_3 = nn.Conv2d(512, 512, kernel_size=3, stride=1, padding=1) + self.pool4 = nn.MaxPool2d(kernel_size=2, stride=2) + + self.conv5_1 = nn.Conv2d(512, 512, kernel_size=3, stride=1, padding=1) + self.conv5_2 = nn.Conv2d(512, 512, kernel_size=3, stride=1, padding=1) + self.conv5_3 = nn.Conv2d(512, 512, kernel_size=3, stride=1, padding=1) + self.pool5 = nn.MaxPool2d(kernel_size=2, stride=2) + + self.fc6 = nn.Conv2d(512, 1024, kernel_size=3, stride=1, padding=3) + self.fc7 = nn.Conv2d(1024, 1024, kernel_size=1, stride=1, padding=0) + + self.conv6_1 = nn.Conv2d(1024, 256, kernel_size=1, stride=1, padding=0) + self.conv6_2 = nn.Conv2d(256, 512, kernel_size=3, stride=2, padding=1) + + self.conv7_1 = nn.Conv2d(512, 128, kernel_size=1, stride=1, padding=0) + self.conv7_2 = nn.Conv2d(128, 256, kernel_size=3, stride=2, padding=1) + + self.conv3_3_norm = L2Norm(256, scale=10) + self.conv4_3_norm = L2Norm(512, scale=8) + self.conv5_3_norm = L2Norm(512, scale=5) + + self.conv3_3_norm_mbox_conf = nn.Conv2d(256, 4, kernel_size=3, stride=1, padding=1) + self.conv3_3_norm_mbox_loc = nn.Conv2d(256, 4, kernel_size=3, stride=1, padding=1) + self.conv4_3_norm_mbox_conf = nn.Conv2d(512, 2, kernel_size=3, stride=1, padding=1) + self.conv4_3_norm_mbox_loc = nn.Conv2d(512, 4, kernel_size=3, stride=1, padding=1) + self.conv5_3_norm_mbox_conf = nn.Conv2d(512, 2, kernel_size=3, stride=1, padding=1) + self.conv5_3_norm_mbox_loc = nn.Conv2d(512, 4, kernel_size=3, stride=1, padding=1) + + self.fc7_mbox_conf = nn.Conv2d(1024, 2, kernel_size=3, stride=1, padding=1) + self.fc7_mbox_loc = nn.Conv2d(1024, 4, kernel_size=3, stride=1, padding=1) + self.conv6_2_mbox_conf = nn.Conv2d(512, 2, kernel_size=3, stride=1, padding=1) + self.conv6_2_mbox_loc = nn.Conv2d(512, 4, kernel_size=3, stride=1, padding=1) + self.conv7_2_mbox_conf = nn.Conv2d(256, 2, kernel_size=3, stride=1, padding=1) + self.conv7_2_mbox_loc = nn.Conv2d(256, 4, kernel_size=3, stride=1, padding=1) + + def forward(self, x): + h = F.relu(self.conv1_1(x)) + h = F.relu(self.conv1_2(h)) + h = self.pool1(h) + + h = F.relu(self.conv2_1(h)) + h = F.relu(self.conv2_2(h)) + h = self.pool2(h) + + h = F.relu(self.conv3_1(h)) + h = F.relu(self.conv3_2(h)) + h = F.relu(self.conv3_3(h)) + f3_3 = h + h = self.pool3(h) + + h = F.relu(self.conv4_1(h)) + h = F.relu(self.conv4_2(h)) + h = F.relu(self.conv4_3(h)) + f4_3 = h + h = self.pool4(h) + + h = F.relu(self.conv5_1(h)) + h = F.relu(self.conv5_2(h)) + h = F.relu(self.conv5_3(h)) + f5_3 = h + h = self.pool5(h) + + h = F.relu(self.fc6(h)) + h = F.relu(self.fc7(h)) + ffc7 = h + + h = F.relu(self.conv6_1(h)) + h = F.relu(self.conv6_2(h)) + f6_2 = h + + h = F.relu(self.conv7_1(h)) + h = F.relu(self.conv7_2(h)) + f7_2 = h + + f3_3 = self.conv3_3_norm(f3_3) + f4_3 = self.conv4_3_norm(f4_3) + f5_3 = self.conv5_3_norm(f5_3) + + cls1 = self.conv3_3_norm_mbox_conf(f3_3) + reg1 = self.conv3_3_norm_mbox_loc(f3_3) + cls2 = self.conv4_3_norm_mbox_conf(f4_3) + reg2 = self.conv4_3_norm_mbox_loc(f4_3) + cls3 = self.conv5_3_norm_mbox_conf(f5_3) + reg3 = self.conv5_3_norm_mbox_loc(f5_3) + cls4 = self.fc7_mbox_conf(ffc7) + reg4 = self.fc7_mbox_loc(ffc7) + cls5 = self.conv6_2_mbox_conf(f6_2) + reg5 = self.conv6_2_mbox_loc(f6_2) + cls6 = self.conv7_2_mbox_conf(f7_2) + reg6 = self.conv7_2_mbox_loc(f7_2) + + # max-out background label + chunk = torch.chunk(cls1, 4, 1) + bmax = torch.max(torch.max(chunk[0], chunk[1]), chunk[2]) + cls1 = torch.cat([bmax, chunk[3]], dim=1) + + return [cls1, reg1, cls2, reg2, cls3, reg3, cls4, reg4, cls5, reg5, cls6, reg6] \ No newline at end of file diff --git a/face_detection/detection/sfd/s3fd.pth b/face_detection/detection/sfd/s3fd.pth new file mode 100644 index 0000000000000000000000000000000000000000..895538e7fb6df3ad6e0e80d6d48b3c4e60cd9e6c --- /dev/null +++ b/face_detection/detection/sfd/s3fd.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:619a31681264d3f7f7fc7a16a42cbbe8b23f31a256f75a366e5a1bcd59b33543 +size 89843225 diff --git a/face_detection/detection/sfd/s3fd.py b/face_detection/detection/sfd/s3fd.py new file mode 100644 index 0000000000000000000000000000000000000000..b09b811ac87f0196529f1fb3d3afe136f5efb875 --- /dev/null +++ b/face_detection/detection/sfd/s3fd.py @@ -0,0 +1,135 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F +import numpy as np + +class L2Norm(nn.Module): + def __init__(self, n_channels, scale=1.0): + super(L2Norm, self).__init__() + self.n_channels = n_channels + self.scale = scale + self.eps = 1e-10 + self.weight = nn.Parameter(torch.Tensor(self.n_channels)) + self.weight.data *= 0.0 + self.weight.data += self.scale + + def forward(self, x): + norm = x.pow(2).sum(dim=1, keepdim=True).sqrt() + self.eps + x = x / norm * self.weight.view(1, -1, 1, 1) + return x + +class S3FD(nn.Module): + def __init__(self): + super(S3FD, self).__init__() + self.conv1_1 = nn.Conv2d(3, 64, kernel_size=3, stride=1, padding=1) + self.conv1_2 = nn.Conv2d(64, 64, kernel_size=3, stride=1, padding=1) + self.pool1 = nn.MaxPool2d(kernel_size=2, stride=2) + + self.conv2_1 = nn.Conv2d(64, 128, kernel_size=3, stride=1, padding=1) + self.conv2_2 = nn.Conv2d(128, 128, kernel_size=3, stride=1, padding=1) + self.pool2 = nn.MaxPool2d(kernel_size=2, stride=2) + + self.conv3_1 = nn.Conv2d(128, 256, kernel_size=3, stride=1, padding=1) + self.conv3_2 = nn.Conv2d(256, 256, kernel_size=3, stride=1, padding=1) + self.conv3_3 = nn.Conv2d(256, 256, kernel_size=3, stride=1, padding=1) + self.pool3 = nn.MaxPool2d(kernel_size=2, stride=2) + + self.conv4_1 = nn.Conv2d(256, 512, kernel_size=3, stride=1, padding=1) + self.conv4_2 = nn.Conv2d(512, 512, kernel_size=3, stride=1, padding=1) + self.conv4_3 = nn.Conv2d(512, 512, kernel_size=3, stride=1, padding=1) + self.pool4 = nn.MaxPool2d(kernel_size=2, stride=2) + + self.conv5_1 = nn.Conv2d(512, 512, kernel_size=3, stride=1, padding=1) + self.conv5_2 = nn.Conv2d(512, 512, kernel_size=3, stride=1, padding=1) + self.conv5_3 = nn.Conv2d(512, 512, kernel_size=3, stride=1, padding=1) + self.pool5 = nn.MaxPool2d(kernel_size=2, stride=2) + + self.fc6 = nn.Conv2d(512, 1024, kernel_size=3, stride=1, padding=3) + self.fc7 = nn.Conv2d(1024, 1024, kernel_size=1, stride=1, padding=0) + + self.conv6_1 = nn.Conv2d(1024, 256, kernel_size=1, stride=1, padding=0) + self.conv6_2 = nn.Conv2d(256, 512, kernel_size=3, stride=2, padding=1) + + self.conv7_1 = nn.Conv2d(512, 128, kernel_size=1, stride=1, padding=0) + self.conv7_2 = nn.Conv2d(128, 256, kernel_size=3, stride=2, padding=1) + + self.conv3_3_norm = L2Norm(256, scale=10) + self.conv4_3_norm = L2Norm(512, scale=8) + self.conv5_3_norm = L2Norm(512, scale=5) + + self.conv3_3_norm_mbox_conf = nn.Conv2d(256, 4, kernel_size=3, stride=1, padding=1) + self.conv3_3_norm_mbox_loc = nn.Conv2d(256, 4, kernel_size=3, stride=1, padding=1) + self.conv4_3_norm_mbox_conf = nn.Conv2d(512, 2, kernel_size=3, stride=1, padding=1) + self.conv4_3_norm_mbox_loc = nn.Conv2d(512, 4, kernel_size=3, stride=1, padding=1) + self.conv5_3_norm_mbox_conf = nn.Conv2d(512, 2, kernel_size=3, stride=1, padding=1) + self.conv5_3_norm_mbox_loc = nn.Conv2d(512, 4, kernel_size=3, stride=1, padding=1) + + self.fc7_mbox_conf = nn.Conv2d(1024, 2, kernel_size=3, stride=1, padding=1) + self.fc7_mbox_loc = nn.Conv2d(1024, 4, kernel_size=3, stride=1, padding=1) + self.conv6_2_mbox_conf = nn.Conv2d(512, 2, kernel_size=3, stride=1, padding=1) + self.conv6_2_mbox_loc = nn.Conv2d(512, 4, kernel_size=3, stride=1, padding=1) + self.conv7_2_mbox_conf = nn.Conv2d(256, 2, kernel_size=3, stride=1, padding=1) + self.conv7_2_mbox_loc = nn.Conv2d(256, 4, kernel_size=3, stride=1, padding=1) + + def forward(self, x): + h = F.relu(self.conv1_1(x)) + h = F.relu(self.conv1_2(h)) + h = self.pool1(h) + + h = F.relu(self.conv2_1(h)) + h = F.relu(self.conv2_2(h)) + h = self.pool2(h) + + h = F.relu(self.conv3_1(h)) + h = F.relu(self.conv3_2(h)) + h = F.relu(self.conv3_3(h)) + f3_3 = h + h = self.pool3(h) + + h = F.relu(self.conv4_1(h)) + h = F.relu(self.conv4_2(h)) + h = F.relu(self.conv4_3(h)) + f4_3 = h + h = self.pool4(h) + + h = F.relu(self.conv5_1(h)) + h = F.relu(self.conv5_2(h)) + h = F.relu(self.conv5_3(h)) + f5_3 = h + h = self.pool5(h) + + h = F.relu(self.fc6(h)) + h = F.relu(self.fc7(h)) + ffc7 = h + + h = F.relu(self.conv6_1(h)) + h = F.relu(self.conv6_2(h)) + f6_2 = h + + h = F.relu(self.conv7_1(h)) + h = F.relu(self.conv7_2(h)) + f7_2 = h + + f3_3 = self.conv3_3_norm(f3_3) + f4_3 = self.conv4_3_norm(f4_3) + f5_3 = self.conv5_3_norm(f5_3) + + cls1 = self.conv3_3_norm_mbox_conf(f3_3) + reg1 = self.conv3_3_norm_mbox_loc(f3_3) + cls2 = self.conv4_3_norm_mbox_conf(f4_3) + reg2 = self.conv4_3_norm_mbox_loc(f4_3) + cls3 = self.conv5_3_norm_mbox_conf(f5_3) + reg3 = self.conv5_3_norm_mbox_loc(f5_3) + cls4 = self.fc7_mbox_conf(ffc7) + reg4 = self.fc7_mbox_loc(ffc7) + cls5 = self.conv6_2_mbox_conf(f6_2) + reg5 = self.conv6_2_mbox_loc(f6_2) + cls6 = self.conv7_2_mbox_conf(f7_2) + reg6 = self.conv7_2_mbox_loc(f7_2) + + # max-out background label + chunk = torch.chunk(cls1, 4, 1) + bmax = torch.max(torch.max(chunk[0], chunk[1]), chunk[2]) + cls1 = torch.cat([bmax, chunk[3]], dim=1) + + return [cls1, reg1, cls2, reg2, cls3, reg3, cls4, reg4, cls5, reg5, cls6, reg6] \ No newline at end of file diff --git a/face_detection/detection/sfd/sfd_detector.py b/face_detection/detection/sfd/sfd_detector.py new file mode 100644 index 0000000000000000000000000000000000000000..94ce5f169c55651608c1d3fbc887df91d7c42466 --- /dev/null +++ b/face_detection/detection/sfd/sfd_detector.py @@ -0,0 +1,190 @@ +import torch +import torch.nn.functional as F +import numpy as np +import cv2 +from .net_s3fd import s3fd +import os +import logging +import json +import hashlib + +logger = logging.getLogger(__name__) + +def decode(loc, priors, variances): + boxes = torch.cat(( + priors[:, :2] + loc[:, :2] * variances[0] * priors[:, 2:], + priors[:, 2:] * torch.exp(loc[:, 2:] * variances[1])), 1) + boxes[:, :2] -= boxes[:, 2:] / 2 + boxes[:, 2:] += boxes[:, :2] + return boxes + +def nms(dets, thresh): + if 0 == len(dets): + return [] + x1, y1, x2, y2, scores = dets[:, 0], dets[:, 1], dets[:, 2], dets[:, 3], dets[:, 4] + areas = (x2 - x1 + 1) * (y2 - y1 + 1) + order = scores.argsort()[::-1] + + keep = [] + while order.size > 0: + i = order[0] + keep.append(i) + xx1, yy1 = np.maximum(x1[i], x1[order[1:]]), np.maximum(y1[i], y1[order[1:]]) + xx2, yy2 = np.minimum(x2[i], x2[order[1:]]), np.minimum(y2[i], y2[order[1:]]) + + w, h = np.maximum(0.0, xx2 - xx1 + 1), np.maximum(0.0, yy2 - yy1 + 1) + ovr = w * h / (areas[i] + areas[order[1:]] - w * h) + + inds = np.where(ovr <= thresh)[0] + order = order[inds + 1] + + return keep + +class SFDDetector: + def __init__(self, model_path=None, device='cuda'): + self.device = torch.device(device if torch.cuda.is_available() else 'cpu') + + self.net = s3fd() + state_dict = torch.load(model_path, map_location=self.device) + self.net.load_state_dict(state_dict) + self.net.to(self.device) + self.net.eval() + + def detect_from_batch(self, images): + if len(images.shape) == 3: + images = images[np.newaxis, ...] + + if images.shape[-1] == 4: + images = images[...,:3] + elif len(images.shape) == 3 and images.shape[-1] == 1: + images = np.repeat(images, 3, axis=-1) + elif len(images.shape) == 2: + images = np.repeat(images[:,:,np.newaxis], 3, axis=2) + + images = images.astype(np.float32) + images = images - np.array([104, 117, 123]) + images = images.transpose(0, 3, 1, 2) + images = torch.from_numpy(images).float().to(self.device) + + if images.shape[2] <= 256 and images.shape[3] <= 256: + height, width = images.shape[2:4] + margin = min(width, height) // 8 + return [np.array([[margin, margin, width-margin, height-margin, 0.99]], dtype=np.int32)] + + with torch.no_grad(): + olist = self.net(images) + + bboxlists = [] + for i in range(len(olist) // 2): + olist[i * 2] = F.softmax(olist[i * 2], dim=1) + olist = [oelem.data.cpu() for oelem in olist] + + for batch_idx in range(images.shape[0]): + bboxlist = [] + for i in range(len(olist) // 2): + ocls, oreg = olist[i * 2], olist[i * 2 + 1] + stride = 2 ** (i + 2) + + scores = ocls[batch_idx, 1, :, :] + pos_inds = np.where(scores.numpy() > 0.05) + + if len(pos_inds[0]) > 0: + for hindex, windex in zip(*pos_inds): + axc, ayc = stride / 2 + windex * stride, stride / 2 + hindex * stride + score = scores[hindex, windex] + loc = oreg[batch_idx, :, hindex, windex].contiguous().view(1, 4) + priors = torch.Tensor([[axc / 1.0, ayc / 1.0, stride * 4 / 1.0, stride * 4 / 1.0]]) + variances = [0.1, 0.2] + box = decode(loc, priors, variances) + box = box[0].numpy() * 1.0 + bboxlist.append([box[0], box[1], box[2], box[3], score.item()]) + + bboxlist = np.array(bboxlist) + if len(bboxlist) == 0: + height, width = images.shape[2:4] + margin = min(width, height) // 8 + bboxlist = np.array([[margin, margin, width-margin, height-margin, 0.99]]) + + keep = nms(bboxlist, 0.3) + bboxlist = bboxlist[keep] + bboxlist[:, :4] = np.round(bboxlist[:, :4]).astype(np.int32) + bboxlists.append(bboxlist) + + return bboxlists + + def _get_image_hash(self, image_path): + try: + with open(image_path, 'rb') as f: + return hashlib.md5(f.read()).hexdigest() + except Exception as e: + logger.error(f"Error al calcular hash de imagen: {str(e)}") + return None + + def _get_cache_path(self, image_path): + image_hash = self._get_image_hash(image_path) + if image_hash: + cache_dir = os.path.join(os.path.dirname(__file__), 'cache') + os.makedirs(cache_dir, exist_ok=True) + return os.path.join(cache_dir, f"{image_hash}.json") + return None + + def _save_to_cache(self, image_path, bboxes): + try: + cache_path = self._get_cache_path(image_path) + if cache_path: + with open(cache_path, 'w') as f: + json.dump({ + 'bboxes': bboxes.tolist(), + 'image_path': image_path, + 'timestamp': os.path.getmtime(image_path) + }, f) + logger.info(f"Resultados guardados en caché: {cache_path}") + except Exception as e: + logger.error(f"Error al guardar en caché: {str(e)}") + + def _load_from_cache(self, image_path): + try: + cache_path = self._get_cache_path(image_path) + if cache_path and os.path.exists(cache_path): + with open(cache_path, 'r') as f: + data = json.load(f) + if data['image_path'] == image_path and \ + data['timestamp'] == os.path.getmtime(image_path): + logger.info(f"Usando resultados de caché: {cache_path}") + return np.array(data['bboxes'], dtype=np.int32) + except Exception as e: + logger.error(f"Error al cargar de caché: {str(e)}") + return None + + def detect_from_image(self, image_path): + # Verificar si es una imagen predeterminada + if image_path.endswith(('male.png', 'female.png')): + cached_result = self._load_from_cache(image_path) + if cached_result is not None: + return cached_result + + # Si no hay caché, proceder con la detección normal + try: + image = cv2.imread(image_path) + if image is None: + raise ValueError(f"No se pudo cargar la imagen: {image_path}") + + result = self.detect_from_batch(image)[0] + + # Asegurar que los resultados sean enteros + result = result.astype(np.int32) + + # Guardar en caché si es una imagen predeterminada + if image_path.endswith(('male.png', 'female.png')): + self._save_to_cache(image_path, result) + + return result + + except Exception as e: + logger.error(f"Error en detect_from_image: {str(e)}") + if image is not None: + height, width = image.shape[:2] + margin_x = int(width * 0.1) + margin_y = int(height * 0.1) + return np.array([[margin_x, margin_y, width-margin_x, height-margin_y, 0.99]], dtype=np.int32) + return np.array([[0, 0, 100, 100, 0.99]], dtype=np.int32) \ No newline at end of file diff --git a/face_detection/utils.py b/face_detection/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..b1de64a37ced846a79f21243b05be4c13ae63ae7 --- /dev/null +++ b/face_detection/utils.py @@ -0,0 +1,22 @@ +import os +import urllib.request +import shutil + +def download_sfd_model(): + model_path = os.path.join(os.path.dirname(__file__), 'detection/sfd/s3fd.pth') + if os.path.exists(model_path): + return model_path + + print("Descargando modelo SFD...") + url = "https://www.adrianbulat.com/downloads/python-fan/s3fd-619a316812.pth" + temp_path = model_path + ".temp" + + try: + urllib.request.urlretrieve(url, temp_path) + os.makedirs(os.path.dirname(model_path), exist_ok=True) + shutil.move(temp_path, model_path) + return model_path + except Exception as e: + if os.path.exists(temp_path): + os.remove(temp_path) + raise Exception(f"Error al descargar el modelo SFD: {str(e)}") \ No newline at end of file diff --git a/input/face.png b/input/face.png new file mode 100644 index 0000000000000000000000000000000000000000..0b4dfab29a0d05ae5d1ec4e071aa8ab78de9f9af --- /dev/null +++ b/input/face.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e3764757f892b241d034c18bc60915f33b9ec667e511eee60080b5c6da3ad11 +size 118503 diff --git a/logs/app_20250226_094827.log b/logs/app_20250226_094827.log new file mode 100644 index 0000000000000000000000000000000000000000..7e68f3491afebfea583d8871b6ef7d63d73edcef --- /dev/null +++ b/logs/app_20250226_094827.log @@ -0,0 +1,3 @@ +2025-02-26 09:48:27,860 [WARNING] * Debugger is active! +2025-02-26 09:48:27,863 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 09:48:36,024 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_094841.log b/logs/app_20250226_094841.log new file mode 100644 index 0000000000000000000000000000000000000000..3c1d3e20d546454067c8e754845c524ff8bbdaf4 --- /dev/null +++ b/logs/app_20250226_094841.log @@ -0,0 +1,3 @@ +2025-02-26 09:48:41,795 [WARNING] * Debugger is active! +2025-02-26 09:48:41,800 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 09:48:52,013 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_094858.log b/logs/app_20250226_094858.log new file mode 100644 index 0000000000000000000000000000000000000000..ca433ec0b825d2a246fe74112f4ce6341f96fe59 --- /dev/null +++ b/logs/app_20250226_094858.log @@ -0,0 +1,3 @@ +2025-02-26 09:48:58,233 [WARNING] * Debugger is active! +2025-02-26 09:48:58,237 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 09:49:16,556 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_094922.log b/logs/app_20250226_094922.log new file mode 100644 index 0000000000000000000000000000000000000000..d27b11fe4401508cfbb1814376d934f294dfddc0 --- /dev/null +++ b/logs/app_20250226_094922.log @@ -0,0 +1,6 @@ +2025-02-26 09:49:22,153 [WARNING] * Debugger is active! +2025-02-26 09:49:22,157 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 09:49:34,666 [DEBUG] Using proactor: IocpProactor +2025-02-26 09:49:40,639 [INFO] 127.0.0.1 - - [26/Feb/2025 09:49:40] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 09:49:42,802 [INFO] 127.0.0.1 - - [26/Feb/2025 09:49:42] "GET /animation/p55fbipl HTTP/1.1" 206 - +2025-02-26 09:52:12,795 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\audio_processing\\audio.py', reloading diff --git a/logs/app_20250226_094927.log b/logs/app_20250226_094927.log new file mode 100644 index 0000000000000000000000000000000000000000..0fb3e1b6d8d1fc1a081690fa1a1dd9a15d8f47fd --- /dev/null +++ b/logs/app_20250226_094927.log @@ -0,0 +1,4 @@ +2025-02-26 09:49:27,718 [INFO] WARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead. + * Running on http://127.0.0.1:5000 +2025-02-26 09:49:27,719 [INFO] Press CTRL+C to quit +2025-02-26 09:49:27,722 [INFO] * Restarting with stat diff --git a/logs/app_20250226_094932.log b/logs/app_20250226_094932.log new file mode 100644 index 0000000000000000000000000000000000000000..755067ab4680c39a1c0a0b6da34a88b7d6f76943 --- /dev/null +++ b/logs/app_20250226_094932.log @@ -0,0 +1,2 @@ +2025-02-26 09:49:32,624 [WARNING] * Debugger is active! +2025-02-26 09:49:32,627 [INFO] * Debugger PIN: 129-368-041 diff --git a/logs/app_20250226_095219.log b/logs/app_20250226_095219.log new file mode 100644 index 0000000000000000000000000000000000000000..977544d797a8a7a3aaf98423fefcb71006c80370 --- /dev/null +++ b/logs/app_20250226_095219.log @@ -0,0 +1,3 @@ +2025-02-26 09:52:19,194 [WARNING] * Debugger is active! +2025-02-26 09:52:19,198 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 09:52:37,507 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_095243.log b/logs/app_20250226_095243.log new file mode 100644 index 0000000000000000000000000000000000000000..69f5bacf894e029ded933d38408ed5f2c5f06f04 --- /dev/null +++ b/logs/app_20250226_095243.log @@ -0,0 +1,3 @@ +2025-02-26 09:52:43,097 [WARNING] * Debugger is active! +2025-02-26 09:52:43,100 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 09:53:05,463 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_095311.log b/logs/app_20250226_095311.log new file mode 100644 index 0000000000000000000000000000000000000000..3250d57d3200e05496e9a685f841d3f00f7181bc --- /dev/null +++ b/logs/app_20250226_095311.log @@ -0,0 +1,3 @@ +2025-02-26 09:53:11,127 [WARNING] * Debugger is active! +2025-02-26 09:53:11,132 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 09:53:12,192 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_095318.log b/logs/app_20250226_095318.log new file mode 100644 index 0000000000000000000000000000000000000000..607f75e48d83ddd2b7d248f04956d65178577a9f --- /dev/null +++ b/logs/app_20250226_095318.log @@ -0,0 +1,13 @@ +2025-02-26 09:53:18,634 [WARNING] * Debugger is active! +2025-02-26 09:53:18,638 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 09:53:28,212 [INFO] 127.0.0.1 - - [26/Feb/2025 09:53:28] "GET / HTTP/1.1" 200 - +2025-02-26 09:53:28,359 [INFO] 127.0.0.1 - - [26/Feb/2025 09:53:28] "GET /static/female.png HTTP/1.1" 304 - +2025-02-26 09:53:28,360 [INFO] 127.0.0.1 - - [26/Feb/2025 09:53:28] "GET /static/male.png HTTP/1.1" 304 - +2025-02-26 09:53:30,873 [DEBUG] Using proactor: IocpProactor +2025-02-26 09:53:31,732 [INFO] 127.0.0.1 - - [26/Feb/2025 09:53:31] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 09:53:31,754 [INFO] 127.0.0.1 - - [26/Feb/2025 09:53:31] "GET /audio/e2eb471c-335f-4ca6-bf27-c72d8e34c9eb HTTP/1.1" 206 - +2025-02-26 09:53:37,630 [DEBUG] Using proactor: IocpProactor +2025-02-26 09:53:43,550 [INFO] 127.0.0.1 - - [26/Feb/2025 09:53:43] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 09:53:47,321 [INFO] 127.0.0.1 - - [26/Feb/2025 09:53:47] "GET /animation/ogm63h41 HTTP/1.1" 206 - +2025-02-26 09:53:53,824 [INFO] 127.0.0.1 - - [26/Feb/2025 09:53:53] "GET /download-animation/ogm63h41 HTTP/1.1" 200 - +2025-02-26 09:55:05,328 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_095510.log b/logs/app_20250226_095510.log new file mode 100644 index 0000000000000000000000000000000000000000..f61be1630dfedd4e7cd693aee6919b8a851f3f71 --- /dev/null +++ b/logs/app_20250226_095510.log @@ -0,0 +1,3 @@ +2025-02-26 09:55:10,893 [WARNING] * Debugger is active! +2025-02-26 09:55:10,897 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 09:55:26,158 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_095531.log b/logs/app_20250226_095531.log new file mode 100644 index 0000000000000000000000000000000000000000..cc2ea1d1191d4148aca0814a27fe414349a19cec --- /dev/null +++ b/logs/app_20250226_095531.log @@ -0,0 +1,3 @@ +2025-02-26 09:55:31,801 [WARNING] * Debugger is active! +2025-02-26 09:55:31,805 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 09:55:33,877 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_095539.log b/logs/app_20250226_095539.log new file mode 100644 index 0000000000000000000000000000000000000000..86c6bf90a053b756b15933702d5248b8e4734971 --- /dev/null +++ b/logs/app_20250226_095539.log @@ -0,0 +1,2 @@ +2025-02-26 09:55:39,608 [WARNING] * Debugger is active! +2025-02-26 09:55:39,614 [INFO] * Debugger PIN: 129-368-041 diff --git a/logs/app_20250226_095541.log b/logs/app_20250226_095541.log new file mode 100644 index 0000000000000000000000000000000000000000..dfee132303e7bc228b63f81732f1fc02259390fd --- /dev/null +++ b/logs/app_20250226_095541.log @@ -0,0 +1,34 @@ +2025-02-26 09:55:41,679 [INFO] WARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead. + * Running on http://127.0.0.1:5000 +2025-02-26 09:55:41,680 [INFO] Press CTRL+C to quit +2025-02-26 09:55:41,682 [INFO] * Restarting with stat +2025-02-26 09:57:38,115 [INFO] * Restarting with stat +2025-02-26 09:58:11,209 [INFO] * Restarting with stat +2025-02-26 09:58:17,857 [INFO] * Restarting with stat +2025-02-26 09:58:41,736 [INFO] * Restarting with stat +2025-02-26 09:59:34,075 [INFO] * Restarting with stat +2025-02-26 10:02:28,408 [INFO] * Restarting with stat +2025-02-26 10:02:47,782 [INFO] * Restarting with stat +2025-02-26 10:04:33,381 [INFO] * Restarting with stat +2025-02-26 10:04:41,502 [INFO] * Restarting with stat +2025-02-26 10:05:02,610 [INFO] * Restarting with stat +2025-02-26 10:05:13,709 [INFO] * Restarting with stat +2025-02-26 10:05:51,546 [INFO] * Restarting with stat +2025-02-26 10:06:06,840 [INFO] * Restarting with stat +2025-02-26 10:06:16,988 [INFO] * Restarting with stat +2025-02-26 10:06:45,633 [INFO] * Restarting with stat +2025-02-26 10:07:01,018 [INFO] * Restarting with stat +2025-02-26 10:08:11,389 [INFO] * Restarting with stat +2025-02-26 10:08:40,304 [INFO] * Restarting with stat +2025-02-26 10:08:57,811 [INFO] * Restarting with stat +2025-02-26 10:09:24,452 [INFO] * Restarting with stat +2025-02-26 10:10:11,333 [INFO] * Restarting with stat +2025-02-26 10:10:28,815 [INFO] * Restarting with stat +2025-02-26 10:11:06,714 [INFO] * Restarting with stat +2025-02-26 10:11:27,051 [INFO] * Restarting with stat +2025-02-26 10:11:42,632 [INFO] * Restarting with stat +2025-02-26 10:14:18,355 [INFO] * Restarting with stat +2025-02-26 10:15:54,363 [INFO] * Restarting with stat +2025-02-26 10:16:18,597 [INFO] * Restarting with stat +2025-02-26 10:16:26,291 [INFO] * Restarting with stat +2025-02-26 10:17:48,626 [INFO] * Restarting with stat diff --git a/logs/app_20250226_095546.log b/logs/app_20250226_095546.log new file mode 100644 index 0000000000000000000000000000000000000000..436962b72345ac19116223f7fee465297c970267 --- /dev/null +++ b/logs/app_20250226_095546.log @@ -0,0 +1,6 @@ +2025-02-26 09:55:46,835 [WARNING] * Debugger is active! +2025-02-26 09:55:46,839 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 09:55:57,875 [DEBUG] Using proactor: IocpProactor +2025-02-26 09:56:04,525 [INFO] 127.0.0.1 - - [26/Feb/2025 09:56:04] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 09:56:05,972 [INFO] 127.0.0.1 - - [26/Feb/2025 09:56:05] "GET /animation/muv4wx7u HTTP/1.1" 206 - +2025-02-26 09:57:37,511 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_095743.log b/logs/app_20250226_095743.log new file mode 100644 index 0000000000000000000000000000000000000000..4f5cbdd3395ad7ca68635366bbece5b690e40e63 --- /dev/null +++ b/logs/app_20250226_095743.log @@ -0,0 +1,3 @@ +2025-02-26 09:57:43,156 [WARNING] * Debugger is active! +2025-02-26 09:57:43,160 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 09:58:10,623 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_095816.log b/logs/app_20250226_095816.log new file mode 100644 index 0000000000000000000000000000000000000000..9bb35c66d7b4ff4638a5fbc7f9f11045525e2604 --- /dev/null +++ b/logs/app_20250226_095816.log @@ -0,0 +1,3 @@ +2025-02-26 09:58:16,191 [WARNING] * Debugger is active! +2025-02-26 09:58:16,194 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 09:58:17,257 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_095822.log b/logs/app_20250226_095822.log new file mode 100644 index 0000000000000000000000000000000000000000..5d3022a7b82578df6896d9ec8459d01feb2da9cc --- /dev/null +++ b/logs/app_20250226_095822.log @@ -0,0 +1,3 @@ +2025-02-26 09:58:22,727 [WARNING] * Debugger is active! +2025-02-26 09:58:22,730 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 09:58:41,078 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_095846.log b/logs/app_20250226_095846.log new file mode 100644 index 0000000000000000000000000000000000000000..3ebd171dca2776ba8193cd2aae515fcc8a26906d --- /dev/null +++ b/logs/app_20250226_095846.log @@ -0,0 +1,3 @@ +2025-02-26 09:58:46,681 [WARNING] * Debugger is active! +2025-02-26 09:58:46,685 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 09:59:33,387 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_095939.log b/logs/app_20250226_095939.log new file mode 100644 index 0000000000000000000000000000000000000000..581e840a555724c1de1b8a93f665888bebfa365b --- /dev/null +++ b/logs/app_20250226_095939.log @@ -0,0 +1,26 @@ +2025-02-26 09:59:39,112 [WARNING] * Debugger is active! +2025-02-26 09:59:39,117 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:00:03,475 [INFO] 127.0.0.1 - - [26/Feb/2025 10:00:03] "GET / HTTP/1.1" 200 - +2025-02-26 10:00:03,612 [INFO] 127.0.0.1 - - [26/Feb/2025 10:00:03] "GET /static/female.png HTTP/1.1" 304 - +2025-02-26 10:00:03,613 [INFO] 127.0.0.1 - - [26/Feb/2025 10:00:03] "GET /static/male.png HTTP/1.1" 304 - +2025-02-26 10:00:34,846 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:00:36,610 [INFO] 127.0.0.1 - - [26/Feb/2025 10:00:36] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 10:00:36,624 [INFO] 127.0.0.1 - - [26/Feb/2025 10:00:36] "GET /audio/f3034a40-ca8d-47c1-aff0-b8f46705afc3 HTTP/1.1" 206 - +2025-02-26 10:00:47,903 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:00:54,175 [INFO] 127.0.0.1 - - [26/Feb/2025 10:00:54] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 10:00:55,739 [INFO] 127.0.0.1 - - [26/Feb/2025 10:00:55] "GET /animation/wzand8wh HTTP/1.1" 206 - +2025-02-26 10:01:05,359 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:01:10,911 [INFO] 127.0.0.1 - - [26/Feb/2025 10:01:10] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 10:01:12,414 [INFO] 127.0.0.1 - - [26/Feb/2025 10:01:12] "GET /animation/mnybzhuz HTTP/1.1" 206 - +2025-02-26 10:01:20,949 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:01:26,682 [INFO] 127.0.0.1 - - [26/Feb/2025 10:01:26] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 10:01:28,292 [INFO] 127.0.0.1 - - [26/Feb/2025 10:01:28] "GET /animation/pg1qvyjv HTTP/1.1" 206 - +2025-02-26 10:01:30,413 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:01:36,131 [INFO] 127.0.0.1 - - [26/Feb/2025 10:01:36] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 10:01:49,183 [INFO] 127.0.0.1 - - [26/Feb/2025 10:01:49] "GET /animation/5vo357qi HTTP/1.1" 206 - +2025-02-26 10:02:03,414 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:02:09,251 [INFO] 127.0.0.1 - - [26/Feb/2025 10:02:09] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 10:02:10,684 [INFO] 127.0.0.1 - - [26/Feb/2025 10:02:10] "GET /animation/x798oqjv HTTP/1.1" 206 - +2025-02-26 10:02:16,276 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:02:22,201 [INFO] 127.0.0.1 - - [26/Feb/2025 10:02:22] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 10:02:27,791 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_100233.log b/logs/app_20250226_100233.log new file mode 100644 index 0000000000000000000000000000000000000000..07cbafc8116a939646af6c053266e32d1f08cd9a --- /dev/null +++ b/logs/app_20250226_100233.log @@ -0,0 +1,4 @@ +2025-02-26 10:02:33,923 [WARNING] * Debugger is active! +2025-02-26 10:02:33,927 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:02:33,964 [INFO] 127.0.0.1 - - [26/Feb/2025 10:02:33] "GET /animation/vazcvh66 HTTP/1.1" 206 - +2025-02-26 10:02:47,188 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_100252.log b/logs/app_20250226_100252.log new file mode 100644 index 0000000000000000000000000000000000000000..a05a16952b819d35cb3b17e8de687309db8923a6 --- /dev/null +++ b/logs/app_20250226_100252.log @@ -0,0 +1,9 @@ +2025-02-26 10:02:52,892 [WARNING] * Debugger is active! +2025-02-26 10:02:52,896 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:03:00,094 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:03:06,485 [INFO] 127.0.0.1 - - [26/Feb/2025 10:03:06] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 10:03:10,588 [INFO] 127.0.0.1 - - [26/Feb/2025 10:03:10] "GET /animation/4ibhk17b HTTP/1.1" 206 - +2025-02-26 10:03:14,299 [INFO] 127.0.0.1 - - [26/Feb/2025 10:03:14] "GET / HTTP/1.1" 200 - +2025-02-26 10:03:14,438 [INFO] 127.0.0.1 - - [26/Feb/2025 10:03:14] "GET /static/female.png HTTP/1.1" 304 - +2025-02-26 10:03:14,444 [INFO] 127.0.0.1 - - [26/Feb/2025 10:03:14] "GET /static/male.png HTTP/1.1" 304 - +2025-02-26 10:04:32,725 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_100301.log b/logs/app_20250226_100301.log new file mode 100644 index 0000000000000000000000000000000000000000..2c5e7753217b99a05568675cdfe743576c217813 --- /dev/null +++ b/logs/app_20250226_100301.log @@ -0,0 +1,72 @@ +2025-02-26 10:03:01,093 [INFO] WARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead. + * Running on http://127.0.0.1:5000 +2025-02-26 10:03:01,093 [INFO] Press CTRL+C to quit +2025-02-26 10:03:01,095 [INFO] * Restarting with stat +2025-02-26 10:04:33,467 [INFO] * Restarting with stat +2025-02-26 10:04:41,621 [INFO] * Restarting with stat +2025-02-26 10:05:02,719 [INFO] * Restarting with stat +2025-02-26 10:05:13,953 [INFO] * Restarting with stat +2025-02-26 10:05:51,738 [INFO] * Restarting with stat +2025-02-26 10:06:07,001 [INFO] * Restarting with stat +2025-02-26 10:06:17,095 [INFO] * Restarting with stat +2025-02-26 10:06:45,636 [INFO] * Restarting with stat +2025-02-26 10:07:00,982 [INFO] * Restarting with stat +2025-02-26 10:08:11,385 [INFO] * Restarting with stat +2025-02-26 10:08:40,300 [INFO] * Restarting with stat +2025-02-26 10:08:57,786 [INFO] * Restarting with stat +2025-02-26 10:09:24,573 [INFO] * Restarting with stat +2025-02-26 10:10:11,410 [INFO] * Restarting with stat +2025-02-26 10:10:28,865 [INFO] * Restarting with stat +2025-02-26 10:11:06,731 [INFO] * Restarting with stat +2025-02-26 10:11:27,062 [INFO] * Restarting with stat +2025-02-26 10:11:42,648 [INFO] * Restarting with stat +2025-02-26 10:14:18,355 [INFO] * Restarting with stat +2025-02-26 10:15:54,304 [INFO] * Restarting with stat +2025-02-26 10:16:18,600 [INFO] * Restarting with stat +2025-02-26 10:16:26,237 [INFO] * Restarting with stat +2025-02-26 10:17:48,593 [INFO] * Restarting with stat +2025-02-26 10:18:13,743 [INFO] * Restarting with stat +2025-02-26 10:20:22,094 [INFO] * Restarting with stat +2025-02-26 10:22:42,557 [INFO] * Restarting with stat +2025-02-26 10:22:57,240 [INFO] * Restarting with stat +2025-02-26 10:24:43,939 [INFO] * Restarting with stat +2025-02-26 10:24:59,242 [INFO] * Restarting with stat +2025-02-26 10:27:16,304 [INFO] * Restarting with stat +2025-02-26 10:27:28,120 [INFO] * Restarting with stat +2025-02-26 10:28:24,763 [INFO] * Restarting with stat +2025-02-26 10:29:02,640 [INFO] * Restarting with stat +2025-02-26 11:01:46,537 [INFO] * Restarting with stat +2025-02-26 11:02:46,325 [INFO] * Restarting with stat +2025-02-26 11:03:00,020 [INFO] * Restarting with stat +2025-02-26 11:04:23,475 [INFO] * Restarting with stat +2025-02-26 11:05:51,129 [INFO] * Restarting with stat +2025-02-26 11:06:58,816 [INFO] * Restarting with stat +2025-02-26 11:08:20,122 [INFO] * Restarting with stat +2025-02-26 11:11:00,367 [INFO] * Restarting with stat +2025-02-26 11:12:19,740 [INFO] * Restarting with stat +2025-02-26 11:16:24,810 [INFO] * Restarting with stat +2025-02-26 11:24:19,950 [INFO] * Restarting with stat +2025-02-26 11:24:45,771 [INFO] * Restarting with stat +2025-02-26 11:25:52,999 [INFO] * Restarting with stat +2025-02-26 11:26:25,916 [INFO] * Restarting with stat +2025-02-26 11:26:47,678 [INFO] * Restarting with stat +2025-02-26 11:27:52,882 [INFO] * Restarting with stat +2025-02-26 11:29:34,617 [INFO] * Restarting with stat +2025-02-26 11:30:39,813 [INFO] * Restarting with stat +2025-02-26 11:31:38,937 [INFO] * Restarting with stat +2025-02-26 11:31:44,888 [INFO] * Restarting with stat +2025-02-26 11:32:23,954 [INFO] * Restarting with stat +2025-02-26 11:32:32,477 [INFO] * Restarting with stat +2025-02-26 11:33:17,690 [INFO] * Restarting with stat +2025-02-26 11:33:34,256 [INFO] * Restarting with stat +2025-02-26 11:35:12,815 [INFO] * Restarting with stat +2025-02-26 11:35:21,606 [INFO] * Restarting with stat +2025-02-26 11:36:59,147 [INFO] * Restarting with stat +2025-02-26 11:38:30,721 [INFO] * Restarting with stat +2025-02-26 11:38:39,228 [INFO] * Restarting with stat +2025-02-26 11:38:45,700 [INFO] * Restarting with stat +2025-02-26 11:39:53,406 [INFO] * Restarting with stat +2025-02-26 11:41:46,253 [INFO] * Restarting with stat +2025-02-26 11:42:34,417 [INFO] * Restarting with stat +2025-02-26 11:42:56,074 [INFO] * Restarting with stat +2025-02-26 11:43:46,146 [INFO] * Restarting with stat diff --git a/logs/app_20250226_100306.log b/logs/app_20250226_100306.log new file mode 100644 index 0000000000000000000000000000000000000000..0406b133f68b67e6551a93244ae97bfefceba49a --- /dev/null +++ b/logs/app_20250226_100306.log @@ -0,0 +1,3 @@ +2025-02-26 10:03:06,420 [WARNING] * Debugger is active! +2025-02-26 10:03:06,424 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:04:32,807 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_100438.log b/logs/app_20250226_100438.log new file mode 100644 index 0000000000000000000000000000000000000000..597084a1624df5738cf807badf812a931783c3d0 --- /dev/null +++ b/logs/app_20250226_100438.log @@ -0,0 +1,6 @@ +2025-02-26 10:04:38,779 [WARNING] * Debugger is active! +2025-02-26 10:04:38,785 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:04:38,873 [WARNING] * Debugger is active! +2025-02-26 10:04:38,878 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:04:40,862 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:04:40,962 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_100446.log b/logs/app_20250226_100446.log new file mode 100644 index 0000000000000000000000000000000000000000..148324a61ecb306957bae872dfc18c6f7caa6fb9 --- /dev/null +++ b/logs/app_20250226_100446.log @@ -0,0 +1,6 @@ +2025-02-26 10:04:46,636 [WARNING] * Debugger is active! +2025-02-26 10:04:46,639 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:04:46,746 [WARNING] * Debugger is active! +2025-02-26 10:04:46,749 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:05:01,957 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:05:02,053 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_100507.log b/logs/app_20250226_100507.log new file mode 100644 index 0000000000000000000000000000000000000000..e873f16aa26662687fd6bf486f6009f8ee44278f --- /dev/null +++ b/logs/app_20250226_100507.log @@ -0,0 +1,6 @@ +2025-02-26 10:05:07,856 [WARNING] * Debugger is active! +2025-02-26 10:05:07,859 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:05:08,012 [WARNING] * Debugger is active! +2025-02-26 10:05:08,015 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:05:13,002 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:05:13,153 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_100519.log b/logs/app_20250226_100519.log new file mode 100644 index 0000000000000000000000000000000000000000..650f88a5d191a299e8b9e496fbb5a8d02e4c26cd --- /dev/null +++ b/logs/app_20250226_100519.log @@ -0,0 +1,6 @@ +2025-02-26 10:05:19,339 [WARNING] * Debugger is active! +2025-02-26 10:05:19,342 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:05:19,536 [WARNING] * Debugger is active! +2025-02-26 10:05:19,539 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:05:50,873 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:05:51,075 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_100556.log b/logs/app_20250226_100556.log new file mode 100644 index 0000000000000000000000000000000000000000..9e8d8fed5539d158e5b044b3b15cdc39e0a21db1 --- /dev/null +++ b/logs/app_20250226_100556.log @@ -0,0 +1,3 @@ +2025-02-26 10:05:56,988 [WARNING] * Debugger is active! +2025-02-26 10:05:56,993 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:06:06,190 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_100557.log b/logs/app_20250226_100557.log new file mode 100644 index 0000000000000000000000000000000000000000..7fc627548ba877859368e179c2e10c6464c4f1ec --- /dev/null +++ b/logs/app_20250226_100557.log @@ -0,0 +1,3 @@ +2025-02-26 10:05:57,155 [WARNING] * Debugger is active! +2025-02-26 10:05:57,160 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:06:06,351 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_100612.log b/logs/app_20250226_100612.log new file mode 100644 index 0000000000000000000000000000000000000000..a6c4bf8d6c93a55658faf60ba8583c32256c38b0 --- /dev/null +++ b/logs/app_20250226_100612.log @@ -0,0 +1,6 @@ +2025-02-26 10:06:12,065 [WARNING] * Debugger is active! +2025-02-26 10:06:12,071 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:06:12,202 [WARNING] * Debugger is active! +2025-02-26 10:06:12,208 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:06:16,216 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:06:16,329 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_100622.log b/logs/app_20250226_100622.log new file mode 100644 index 0000000000000000000000000000000000000000..b3d097193692eed2da5877ebc1afa860597c707b --- /dev/null +++ b/logs/app_20250226_100622.log @@ -0,0 +1,5 @@ +2025-02-26 10:06:22,417 [WARNING] * Debugger is active! +2025-02-26 10:06:22,421 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:06:22,440 [WARNING] * Debugger is active! +2025-02-26 10:06:22,445 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:06:44,947 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_100650.log b/logs/app_20250226_100650.log new file mode 100644 index 0000000000000000000000000000000000000000..c508cfa4863f5630ca06df60d96d0c836a3b713c --- /dev/null +++ b/logs/app_20250226_100650.log @@ -0,0 +1,6 @@ +2025-02-26 10:06:50,973 [WARNING] * Debugger is active! +2025-02-26 10:06:50,976 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:06:50,977 [WARNING] * Debugger is active! +2025-02-26 10:06:50,982 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:07:00,175 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:07:00,177 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_100706.log b/logs/app_20250226_100706.log new file mode 100644 index 0000000000000000000000000000000000000000..68b3ef7f1d03f891250be1ac97b1126321683d9c --- /dev/null +++ b/logs/app_20250226_100706.log @@ -0,0 +1,10 @@ +2025-02-26 10:07:06,425 [WARNING] * Debugger is active! +2025-02-26 10:07:06,429 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:07:54,737 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:07:56,245 [INFO] 127.0.0.1 - - [26/Feb/2025 10:07:56] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 10:07:56,251 [INFO] 127.0.0.1 - - [26/Feb/2025 10:07:56] "GET /audio/e26707c5-2a3c-41a9-848d-18e7ece156f2 HTTP/1.1" 206 - +2025-02-26 10:08:00,016 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:08:06,385 [INFO] 127.0.0.1 - - [26/Feb/2025 10:08:06] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 10:08:08,726 [INFO] 127.0.0.1 - - [26/Feb/2025 10:08:08] "GET /animation/0hzxh5sv HTTP/1.1" 206 - +2025-02-26 10:08:10,647 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:08:10,658 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_100817.log b/logs/app_20250226_100817.log new file mode 100644 index 0000000000000000000000000000000000000000..3c87c9ce229f68ba4a0579a293de33562c858cfd --- /dev/null +++ b/logs/app_20250226_100817.log @@ -0,0 +1,13 @@ +2025-02-26 10:08:17,158 [WARNING] * Debugger is active! +2025-02-26 10:08:17,166 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:08:17,168 [WARNING] * Debugger is active! +2025-02-26 10:08:17,174 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:08:17,206 [INFO] 127.0.0.1 - - [26/Feb/2025 10:08:17] "GET /download-animation/0hzxh5sv HTTP/1.1" 200 - +2025-02-26 10:08:17,214 [INFO] 127.0.0.1 - - [26/Feb/2025 10:08:17] "GET / HTTP/1.1" 200 - +2025-02-26 10:08:17,415 [INFO] 127.0.0.1 - - [26/Feb/2025 10:08:17] "GET /static/female.png HTTP/1.1" 304 - +2025-02-26 10:08:17,417 [INFO] 127.0.0.1 - - [26/Feb/2025 10:08:17] "GET /static/male.png HTTP/1.1" 304 - +2025-02-26 10:08:20,894 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:08:22,328 [INFO] 127.0.0.1 - - [26/Feb/2025 10:08:22] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 10:08:22,345 [INFO] 127.0.0.1 - - [26/Feb/2025 10:08:22] "GET /audio/780c4630-c6a3-4222-828e-304592a4a672 HTTP/1.1" 206 - +2025-02-26 10:08:39,588 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:08:39,605 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_100845.log b/logs/app_20250226_100845.log new file mode 100644 index 0000000000000000000000000000000000000000..c2bd1f52a89a10a54c8193ee7058c4b90dfaa2b9 --- /dev/null +++ b/logs/app_20250226_100845.log @@ -0,0 +1,6 @@ +2025-02-26 10:08:45,879 [WARNING] * Debugger is active! +2025-02-26 10:08:45,883 [WARNING] * Debugger is active! +2025-02-26 10:08:45,884 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:08:45,886 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:08:57,132 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:08:57,135 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_100903.log b/logs/app_20250226_100903.log new file mode 100644 index 0000000000000000000000000000000000000000..d2706d9dcaca033a7f765bc8f54ddca47e1fc2da --- /dev/null +++ b/logs/app_20250226_100903.log @@ -0,0 +1,6 @@ +2025-02-26 10:09:03,323 [WARNING] * Debugger is active! +2025-02-26 10:09:03,335 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:09:03,349 [WARNING] * Debugger is active! +2025-02-26 10:09:03,372 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:09:23,767 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:09:23,874 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_100929.log b/logs/app_20250226_100929.log new file mode 100644 index 0000000000000000000000000000000000000000..67c1c5606404a40d968cf569f629bea2c4c75e1a --- /dev/null +++ b/logs/app_20250226_100929.log @@ -0,0 +1,9 @@ +2025-02-26 10:09:29,853 [WARNING] * Debugger is active! +2025-02-26 10:09:29,856 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:09:29,935 [WARNING] * Debugger is active! +2025-02-26 10:09:29,939 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:09:30,732 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:09:36,826 [INFO] 127.0.0.1 - - [26/Feb/2025 10:09:36] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 10:09:37,733 [INFO] 127.0.0.1 - - [26/Feb/2025 10:09:37] "GET /animation/svuuidxj HTTP/1.1" 206 - +2025-02-26 10:10:10,628 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:10:10,727 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_101016.log b/logs/app_20250226_101016.log new file mode 100644 index 0000000000000000000000000000000000000000..2d394bce45890b9778c2020b88181f84511b34f6 --- /dev/null +++ b/logs/app_20250226_101016.log @@ -0,0 +1,6 @@ +2025-02-26 10:10:16,792 [WARNING] * Debugger is active! +2025-02-26 10:10:16,796 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:10:16,856 [WARNING] * Debugger is active! +2025-02-26 10:10:16,859 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:10:28,027 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:10:28,092 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_101034.log b/logs/app_20250226_101034.log new file mode 100644 index 0000000000000000000000000000000000000000..5b196188f9dcee074db08fa71cfd25d37edd147b --- /dev/null +++ b/logs/app_20250226_101034.log @@ -0,0 +1,6 @@ +2025-02-26 10:10:34,095 [WARNING] * Debugger is active! +2025-02-26 10:10:34,098 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:10:34,102 [WARNING] * Debugger is active! +2025-02-26 10:10:34,107 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:11:05,657 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:11:05,670 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_101111.log b/logs/app_20250226_101111.log new file mode 100644 index 0000000000000000000000000000000000000000..b8ff7ac2ac646c4e153816f7426858a17fb3bfef --- /dev/null +++ b/logs/app_20250226_101111.log @@ -0,0 +1,6 @@ +2025-02-26 10:11:11,927 [WARNING] * Debugger is active! +2025-02-26 10:11:11,928 [WARNING] * Debugger is active! +2025-02-26 10:11:11,931 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:11:11,932 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:11:26,217 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:11:26,223 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_101132.log b/logs/app_20250226_101132.log new file mode 100644 index 0000000000000000000000000000000000000000..91c35edd3a9c676ba98cc349184a5a3d9093423f --- /dev/null +++ b/logs/app_20250226_101132.log @@ -0,0 +1,6 @@ +2025-02-26 10:11:32,704 [WARNING] * Debugger is active! +2025-02-26 10:11:32,705 [WARNING] * Debugger is active! +2025-02-26 10:11:32,709 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:11:32,709 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:11:41,964 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:11:41,977 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_101147.log b/logs/app_20250226_101147.log new file mode 100644 index 0000000000000000000000000000000000000000..5df0b5bc30ea3ec94f9b850384f113faecf2c163 --- /dev/null +++ b/logs/app_20250226_101147.log @@ -0,0 +1,27 @@ +2025-02-26 10:11:47,801 [WARNING] * Debugger is active! +2025-02-26 10:11:47,815 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:11:47,852 [WARNING] * Debugger is active! +2025-02-26 10:11:47,856 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:11:47,897 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:11:53,877 [INFO] 127.0.0.1 - - [26/Feb/2025 10:11:53] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 10:11:54,882 [INFO] 127.0.0.1 - - [26/Feb/2025 10:11:54] "GET /animation/3w59yi3l HTTP/1.1" 206 - +2025-02-26 10:11:57,087 [INFO] 127.0.0.1 - - [26/Feb/2025 10:11:57] "GET / HTTP/1.1" 200 - +2025-02-26 10:11:57,243 [INFO] 127.0.0.1 - - [26/Feb/2025 10:11:57] "GET /static/male.png HTTP/1.1" 304 - +2025-02-26 10:11:57,244 [INFO] 127.0.0.1 - - [26/Feb/2025 10:11:57] "GET /static/female.png HTTP/1.1" 304 - +2025-02-26 10:12:01,011 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:12:02,032 [INFO] 127.0.0.1 - - [26/Feb/2025 10:12:02] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 10:12:02,038 [INFO] 127.0.0.1 - - [26/Feb/2025 10:12:02] "GET /audio/954b3221-c5d0-4620-82fc-cb47d8fb42fa HTTP/1.1" 206 - +2025-02-26 10:12:26,310 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:12:27,333 [INFO] 127.0.0.1 - - [26/Feb/2025 10:12:27] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 10:12:27,339 [INFO] 127.0.0.1 - - [26/Feb/2025 10:12:27] "GET /audio/dd4327c8-36ce-4014-8435-27cdd8ca098f HTTP/1.1" 206 - +2025-02-26 10:13:10,809 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:13:17,408 [INFO] 127.0.0.1 - - [26/Feb/2025 10:13:17] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 10:13:20,812 [INFO] 127.0.0.1 - - [26/Feb/2025 10:13:20] "GET /animation/f1zprdvv HTTP/1.1" 206 - +2025-02-26 10:14:01,854 [INFO] 127.0.0.1 - - [26/Feb/2025 10:14:01] "GET / HTTP/1.1" 200 - +2025-02-26 10:14:01,877 [INFO] 127.0.0.1 - - [26/Feb/2025 10:14:01] "GET /static/female.png HTTP/1.1" 304 - +2025-02-26 10:14:01,886 [INFO] 127.0.0.1 - - [26/Feb/2025 10:14:01] "GET /static/male.png HTTP/1.1" 304 - +2025-02-26 10:14:05,881 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:14:06,805 [INFO] 127.0.0.1 - - [26/Feb/2025 10:14:06] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 10:14:06,811 [INFO] 127.0.0.1 - - [26/Feb/2025 10:14:06] "GET /audio/0bf8d0c7-31f2-44c5-973b-819e02d022f4 HTTP/1.1" 206 - +2025-02-26 10:14:17,641 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:14:17,667 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_101423.log b/logs/app_20250226_101423.log new file mode 100644 index 0000000000000000000000000000000000000000..17fa2a5cc162475efb1b387b60076e6d33ff86c3 --- /dev/null +++ b/logs/app_20250226_101423.log @@ -0,0 +1,10 @@ +2025-02-26 10:14:24,008 [WARNING] * Debugger is active! +2025-02-26 10:14:24,012 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:14:24,023 [WARNING] * Debugger is active! +2025-02-26 10:14:24,026 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:14:30,944 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:14:36,967 [INFO] 127.0.0.1 - - [26/Feb/2025 10:14:36] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 10:14:38,253 [INFO] 127.0.0.1 - - [26/Feb/2025 10:14:38] "GET /animation/cw98hswh HTTP/1.1" 206 - +2025-02-26 10:14:41,377 [INFO] 127.0.0.1 - - [26/Feb/2025 10:14:41] "GET /download-animation/cw98hswh HTTP/1.1" 200 - +2025-02-26 10:15:53,649 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:15:53,705 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_101559.log b/logs/app_20250226_101559.log new file mode 100644 index 0000000000000000000000000000000000000000..06156b21472252c0e818f4c3dbe8a1eb18a4af02 --- /dev/null +++ b/logs/app_20250226_101559.log @@ -0,0 +1,6 @@ +2025-02-26 10:15:59,542 [WARNING] * Debugger is active! +2025-02-26 10:15:59,546 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:15:59,550 [WARNING] * Debugger is active! +2025-02-26 10:15:59,557 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:16:17,943 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:16:17,944 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_101624.log b/logs/app_20250226_101624.log new file mode 100644 index 0000000000000000000000000000000000000000..26a1758f88886318159d3cfc214ae724295abe82 --- /dev/null +++ b/logs/app_20250226_101624.log @@ -0,0 +1,6 @@ +2025-02-26 10:16:24,481 [WARNING] * Debugger is active! +2025-02-26 10:16:24,485 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:16:24,545 [WARNING] * Debugger is active! +2025-02-26 10:16:24,549 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:16:25,557 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:16:25,615 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_101631.log b/logs/app_20250226_101631.log new file mode 100644 index 0000000000000000000000000000000000000000..9eabe181666b12356ec873d6fef6935d28755fd4 --- /dev/null +++ b/logs/app_20250226_101631.log @@ -0,0 +1,19 @@ +2025-02-26 10:16:31,517 [WARNING] * Debugger is active! +2025-02-26 10:16:31,521 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:16:31,550 [WARNING] * Debugger is active! +2025-02-26 10:16:31,553 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:16:37,123 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:16:43,080 [INFO] 127.0.0.1 - - [26/Feb/2025 10:16:43] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 10:16:44,201 [INFO] 127.0.0.1 - - [26/Feb/2025 10:16:44] "GET /animation/l1vtwvoa HTTP/1.1" 206 - +2025-02-26 10:16:47,531 [INFO] 127.0.0.1 - - [26/Feb/2025 10:16:47] "GET / HTTP/1.1" 200 - +2025-02-26 10:16:47,686 [INFO] 127.0.0.1 - - [26/Feb/2025 10:16:47] "GET /static/male.png HTTP/1.1" 304 - +2025-02-26 10:16:47,688 [INFO] 127.0.0.1 - - [26/Feb/2025 10:16:47] "GET /static/female.png HTTP/1.1" 304 - +2025-02-26 10:16:49,629 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:16:50,738 [INFO] 127.0.0.1 - - [26/Feb/2025 10:16:50] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 10:16:50,744 [INFO] 127.0.0.1 - - [26/Feb/2025 10:16:50] "GET /audio/5b98471f-66f6-4099-8606-a38532361fdc HTTP/1.1" 206 - +2025-02-26 10:16:53,494 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:16:59,203 [INFO] 127.0.0.1 - - [26/Feb/2025 10:16:59] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 10:17:09,502 [INFO] 127.0.0.1 - - [26/Feb/2025 10:17:09] "GET /animation/usq02q2g HTTP/1.1" 206 - +2025-02-26 10:17:12,621 [INFO] 127.0.0.1 - - [26/Feb/2025 10:17:12] "GET /download-animation/usq02q2g HTTP/1.1" 200 - +2025-02-26 10:17:47,910 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading +2025-02-26 10:17:47,934 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_101754.log b/logs/app_20250226_101754.log new file mode 100644 index 0000000000000000000000000000000000000000..d9abc955deb99f4ce7721a8c39c2133630bb72fc --- /dev/null +++ b/logs/app_20250226_101754.log @@ -0,0 +1,8 @@ +2025-02-26 10:17:54,694 [WARNING] * Debugger is active! +2025-02-26 10:17:54,698 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:17:54,836 [WARNING] * Debugger is active! +2025-02-26 10:17:54,839 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:17:54,877 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:18:01,057 [INFO] 127.0.0.1 - - [26/Feb/2025 10:18:01] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 10:18:04,625 [INFO] 127.0.0.1 - - [26/Feb/2025 10:18:04] "GET /animation/t4339geq HTTP/1.1" 206 - +2025-02-26 10:18:13,095 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_101819.log b/logs/app_20250226_101819.log new file mode 100644 index 0000000000000000000000000000000000000000..1387f1f9d7acd57342857d800ab6fae05e644ad2 --- /dev/null +++ b/logs/app_20250226_101819.log @@ -0,0 +1,15 @@ +2025-02-26 10:18:19,163 [WARNING] * Debugger is active! +2025-02-26 10:18:19,166 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:18:26,361 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:18:31,900 [INFO] 127.0.0.1 - - [26/Feb/2025 10:18:31] "GET / HTTP/1.1" 200 - +2025-02-26 10:18:32,256 [INFO] 127.0.0.1 - - [26/Feb/2025 10:18:32] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 10:18:33,755 [INFO] 127.0.0.1 - - [26/Feb/2025 10:18:33] "GET /static/female.png HTTP/1.1" 304 - +2025-02-26 10:18:33,756 [INFO] 127.0.0.1 - - [26/Feb/2025 10:18:33] "GET /static/male.png HTTP/1.1" 304 - +2025-02-26 10:18:35,780 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:18:36,742 [INFO] 127.0.0.1 - - [26/Feb/2025 10:18:36] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 10:18:36,749 [INFO] 127.0.0.1 - - [26/Feb/2025 10:18:36] "GET /audio/b3c59024-2f2b-4d4c-8ee1-87f979307ca8 HTTP/1.1" 206 - +2025-02-26 10:18:39,566 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:18:45,770 [INFO] 127.0.0.1 - - [26/Feb/2025 10:18:45] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 10:18:48,236 [INFO] 127.0.0.1 - - [26/Feb/2025 10:18:48] "GET /animation/9jisfz4w HTTP/1.1" 206 - +2025-02-26 10:18:50,905 [INFO] 127.0.0.1 - - [26/Feb/2025 10:18:50] "GET /download-animation/9jisfz4w HTTP/1.1" 200 - +2025-02-26 10:20:21,480 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_102027.log b/logs/app_20250226_102027.log new file mode 100644 index 0000000000000000000000000000000000000000..f22d2aeb7af89cb5196cf33aef0f635f95e85542 --- /dev/null +++ b/logs/app_20250226_102027.log @@ -0,0 +1,17 @@ +2025-02-26 10:20:27,233 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 10:20:27,244 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 10:20:27,245 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 10:20:27,291 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 10:20:27,306 [WARNING] * Debugger is active! +2025-02-26 10:20:27,312 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:20:31,631 [INFO] 127.0.0.1 - - [26/Feb/2025 10:20:31] "GET / HTTP/1.1" 200 - +2025-02-26 10:20:31,777 [INFO] 127.0.0.1 - - [26/Feb/2025 10:20:31] "GET /static/male.png HTTP/1.1" 304 - +2025-02-26 10:20:31,777 [INFO] 127.0.0.1 - - [26/Feb/2025 10:20:31] "GET /static/female.png HTTP/1.1" 304 - +2025-02-26 10:20:33,827 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:20:34,719 [INFO] 127.0.0.1 - - [26/Feb/2025 10:20:34] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 10:20:34,725 [INFO] 127.0.0.1 - - [26/Feb/2025 10:20:34] "GET /audio/5f57f855-d6e2-4c8d-9ad7-4a77c80e8379 HTTP/1.1" 206 - +2025-02-26 10:20:36,993 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:20:42,867 [INFO] 127.0.0.1 - - [26/Feb/2025 10:20:42] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 10:20:47,480 [INFO] 127.0.0.1 - - [26/Feb/2025 10:20:47] "GET /animation/l4nm3chw HTTP/1.1" 206 - +2025-02-26 10:21:22,363 [INFO] 127.0.0.1 - - [26/Feb/2025 10:21:22] "GET /download-animation/l4nm3chw HTTP/1.1" 200 - +2025-02-26 10:22:41,919 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_102247.log b/logs/app_20250226_102247.log new file mode 100644 index 0000000000000000000000000000000000000000..fe43f44213a0c0e95c64208122357a97a20b579a --- /dev/null +++ b/logs/app_20250226_102247.log @@ -0,0 +1,7 @@ +2025-02-26 10:22:47,432 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 10:22:47,434 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 10:22:47,434 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 10:22:47,436 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 10:22:47,450 [WARNING] * Debugger is active! +2025-02-26 10:22:47,454 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:22:56,591 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_102303.log b/logs/app_20250226_102303.log new file mode 100644 index 0000000000000000000000000000000000000000..c9e10013cff15520d0fe5b82bf62e09e0f070e7d --- /dev/null +++ b/logs/app_20250226_102303.log @@ -0,0 +1,14 @@ +2025-02-26 10:23:03,126 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 10:23:03,127 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 10:23:03,127 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 10:23:03,128 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 10:23:03,144 [WARNING] * Debugger is active! +2025-02-26 10:23:03,148 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:23:03,180 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:23:04,155 [INFO] 127.0.0.1 - - [26/Feb/2025 10:23:04] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 10:23:04,182 [INFO] 127.0.0.1 - - [26/Feb/2025 10:23:04] "GET /audio/4bdfcb04-80d5-47ee-b39b-ffba12e75346 HTTP/1.1" 206 - +2025-02-26 10:23:05,921 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:23:11,644 [INFO] 127.0.0.1 - - [26/Feb/2025 10:23:11] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 10:23:24,949 [INFO] 127.0.0.1 - - [26/Feb/2025 10:23:24] "GET /animation/z2t5faen HTTP/1.1" 206 - +2025-02-26 10:23:32,560 [INFO] 127.0.0.1 - - [26/Feb/2025 10:23:32] "GET /download-animation/z2t5faen HTTP/1.1" 200 - +2025-02-26 10:24:43,342 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_102449.log b/logs/app_20250226_102449.log new file mode 100644 index 0000000000000000000000000000000000000000..5b808e7db0360b470b7f171f9cca3d46c19608c6 --- /dev/null +++ b/logs/app_20250226_102449.log @@ -0,0 +1,7 @@ +2025-02-26 10:24:49,128 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 10:24:49,129 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 10:24:49,130 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 10:24:49,132 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 10:24:49,146 [WARNING] * Debugger is active! +2025-02-26 10:24:49,152 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:24:58,293 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_102504.log b/logs/app_20250226_102504.log new file mode 100644 index 0000000000000000000000000000000000000000..4ab6139a46e37e6f342deadbad3ee5a8ec94fc3f --- /dev/null +++ b/logs/app_20250226_102504.log @@ -0,0 +1,19 @@ +2025-02-26 10:25:04,076 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 10:25:04,077 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 10:25:04,078 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 10:25:04,079 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 10:25:04,093 [WARNING] * Debugger is active! +2025-02-26 10:25:04,098 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:25:10,583 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:25:10,586 [INFO] 127.0.0.1 - - [26/Feb/2025 10:25:10] "POST /generate-wav2lip HTTP/1.1" 404 - +2025-02-26 10:25:12,858 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:25:13,815 [INFO] 127.0.0.1 - - [26/Feb/2025 10:25:13] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 10:25:13,822 [INFO] 127.0.0.1 - - [26/Feb/2025 10:25:13] "GET /audio/f5b61315-2550-43aa-aebb-df0beda326f6 HTTP/1.1" 206 - +2025-02-26 10:25:22,928 [DEBUG] Using proactor: IocpProactor +2025-02-26 10:25:29,002 [ERROR] Error en wav2lip_animate - Error: Error al convertir el video +Traceback: + File "C:\Users\Salomón\Desktop\reels\app.py", line 577, in wav2lip_animate + raise Exception("Error al convertir el video") + +2025-02-26 10:25:29,004 [INFO] 127.0.0.1 - - [26/Feb/2025 10:25:29] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 10:27:15,713 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading diff --git a/logs/app_20250226_102721.log b/logs/app_20250226_102721.log new file mode 100644 index 0000000000000000000000000000000000000000..d2e166c50acba6b94c1bdb168bcfd37a9407f725 --- /dev/null +++ b/logs/app_20250226_102721.log @@ -0,0 +1,7 @@ +2025-02-26 10:27:21,329 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 10:27:21,330 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 10:27:21,331 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 10:27:21,333 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 10:27:21,346 [WARNING] * Debugger is active! +2025-02-26 10:27:21,350 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:27:27,457 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\tts_processing.py', reloading diff --git a/logs/app_20250226_102733.log b/logs/app_20250226_102733.log new file mode 100644 index 0000000000000000000000000000000000000000..f381344528419db7ba7ec31fee3b486c72356f9f --- /dev/null +++ b/logs/app_20250226_102733.log @@ -0,0 +1,7 @@ +2025-02-26 10:27:33,474 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 10:27:33,475 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 10:27:33,476 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 10:27:33,477 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 10:27:33,498 [WARNING] * Debugger is active! +2025-02-26 10:27:33,503 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:28:24,162 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_102826.log b/logs/app_20250226_102826.log new file mode 100644 index 0000000000000000000000000000000000000000..27c937c4a5b0905b116b0d0217a0d9b80a22e00a --- /dev/null +++ b/logs/app_20250226_102826.log @@ -0,0 +1,7 @@ +2025-02-26 10:28:26,961 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 10:28:26,962 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 10:28:26,963 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 10:28:26,963 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 10:28:26,982 [WARNING] * Debugger is active! +2025-02-26 10:28:26,986 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 10:29:02,403 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading diff --git a/logs/app_20250226_102905.log b/logs/app_20250226_102905.log new file mode 100644 index 0000000000000000000000000000000000000000..b8fbe324cfe7a6af94fc7377110e19a21e8bfa1e --- /dev/null +++ b/logs/app_20250226_102905.log @@ -0,0 +1,7 @@ +2025-02-26 10:29:05,120 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 10:29:05,121 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 10:29:05,122 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 10:29:05,123 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 10:29:05,141 [WARNING] * Debugger is active! +2025-02-26 10:29:05,144 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:01:46,274 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_110149.log b/logs/app_20250226_110149.log new file mode 100644 index 0000000000000000000000000000000000000000..dfd132062ca99ec6579c75e657fccf05f598a067 --- /dev/null +++ b/logs/app_20250226_110149.log @@ -0,0 +1,17 @@ +2025-02-26 11:01:49,249 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:01:49,250 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:01:49,251 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:01:49,253 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:01:49,274 [WARNING] * Debugger is active! +2025-02-26 11:01:49,281 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:01:49,325 [INFO] 127.0.0.1 - - [26/Feb/2025 11:01:49] "GET / HTTP/1.1" 200 - +2025-02-26 11:01:49,467 [INFO] 127.0.0.1 - - [26/Feb/2025 11:01:49] "GET /static/female.png HTTP/1.1" 304 - +2025-02-26 11:01:49,468 [INFO] 127.0.0.1 - - [26/Feb/2025 11:01:49] "GET /static/male.png HTTP/1.1" 304 - +2025-02-26 11:02:07,430 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:02:08,350 [INFO] 127.0.0.1 - - [26/Feb/2025 11:02:08] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:02:08,359 [INFO] 127.0.0.1 - - [26/Feb/2025 11:02:08] "GET /audio/9d0a949d-3d3b-4460-9603-4e8b4baf8528 HTTP/1.1" 206 - +2025-02-26 11:02:10,512 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:02:16,610 [INFO] Video generado y guardado en: static\animations\qe0swuq3.webm +2025-02-26 11:02:16,611 [ERROR] Error en generate_wav2lip_route: name 'threading' is not defined +2025-02-26 11:02:16,613 [INFO] 127.0.0.1 - - [26/Feb/2025 11:02:16] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:02:46,083 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_110248.log b/logs/app_20250226_110248.log new file mode 100644 index 0000000000000000000000000000000000000000..07460d237b45434a09a9602ea0e481752847cb9f --- /dev/null +++ b/logs/app_20250226_110248.log @@ -0,0 +1,7 @@ +2025-02-26 11:02:48,571 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:02:48,572 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:02:48,573 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:02:48,575 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:02:48,592 [WARNING] * Debugger is active! +2025-02-26 11:02:48,597 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:02:59,774 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\app.py', reloading diff --git a/logs/app_20250226_110302.log b/logs/app_20250226_110302.log new file mode 100644 index 0000000000000000000000000000000000000000..91290d3cd529c8a1f0e2fae368c880f4d068770c --- /dev/null +++ b/logs/app_20250226_110302.log @@ -0,0 +1,15 @@ +2025-02-26 11:03:02,094 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:03:02,095 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:03:02,096 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:03:02,096 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:03:02,115 [WARNING] * Debugger is active! +2025-02-26 11:03:02,119 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:03:03,866 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:03:04,862 [INFO] 127.0.0.1 - - [26/Feb/2025 11:03:04] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:03:04,869 [INFO] 127.0.0.1 - - [26/Feb/2025 11:03:04] "GET /audio/7764da43-e69e-4ec7-9c45-4fa0ae6f69d2 HTTP/1.1" 206 - +2025-02-26 11:03:05,665 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:03:11,359 [INFO] Video generado y guardado en: static\animations\lxp66dac.webm +2025-02-26 11:03:11,361 [INFO] 127.0.0.1 - - [26/Feb/2025 11:03:11] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 11:03:12,882 [INFO] 127.0.0.1 - - [26/Feb/2025 11:03:12] "GET /animation/lxp66dac HTTP/1.1" 206 - +2025-02-26 11:03:16,090 [INFO] 127.0.0.1 - - [26/Feb/2025 11:03:16] "GET /download-animation/lxp66dac HTTP/1.1" 200 - +2025-02-26 11:04:23,239 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading diff --git a/logs/app_20250226_110426.log b/logs/app_20250226_110426.log new file mode 100644 index 0000000000000000000000000000000000000000..cc1a8914a3b5df9bbe5549fa14d8b294c9ee20c7 --- /dev/null +++ b/logs/app_20250226_110426.log @@ -0,0 +1,34 @@ +2025-02-26 11:04:26,063 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:04:26,064 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:04:26,065 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:04:26,067 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:04:26,089 [WARNING] * Debugger is active! +2025-02-26 11:04:26,093 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:04:44,681 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:04:44,685 [INFO] 127.0.0.1 - - [26/Feb/2025 11:04:44] "POST /generate-wav2lip HTTP/1.1" 404 - +2025-02-26 11:04:47,808 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:04:48,775 [INFO] 127.0.0.1 - - [26/Feb/2025 11:04:48] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:04:48,784 [INFO] 127.0.0.1 - - [26/Feb/2025 11:04:48] "GET /audio/8a5232b6-d7e0-4af2-80c4-874bc49f31e1 HTTP/1.1" 206 - +2025-02-26 11:04:51,654 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:04:52,788 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:04:57,905 [INFO] Verificando archivo de salida: .\wav2lip_temp\po9tp3hb\results\result_voice.webm +2025-02-26 11:04:57,905 [INFO] Tamaño del archivo: 501 bytes +2025-02-26 11:04:57,906 [ERROR] Archivo demasiado pequeño: 501 bytes +2025-02-26 11:04:57,906 [ERROR] El video generado no es válido, intentando con VP8... +2025-02-26 11:04:58,033 [INFO] Verificando archivo de salida: .\wav2lip_temp\po9tp3hb\results\result_voice.webm +2025-02-26 11:04:58,034 [INFO] Tamaño del archivo: 497 bytes +2025-02-26 11:04:58,034 [ERROR] Archivo demasiado pequeño: 497 bytes +2025-02-26 11:04:58,035 [ERROR] Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:04:58,035 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:04:58,037 [INFO] 127.0.0.1 - - [26/Feb/2025 11:04:58] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:04:59,071 [INFO] Verificando archivo de salida: .\wav2lip_temp\s375b9em\results\result_voice.webm +2025-02-26 11:04:59,072 [INFO] Tamaño del archivo: 501 bytes +2025-02-26 11:04:59,072 [ERROR] Archivo demasiado pequeño: 501 bytes +2025-02-26 11:04:59,072 [ERROR] El video generado no es válido, intentando con VP8... +2025-02-26 11:04:59,168 [INFO] Verificando archivo de salida: .\wav2lip_temp\s375b9em\results\result_voice.webm +2025-02-26 11:04:59,168 [INFO] Tamaño del archivo: 497 bytes +2025-02-26 11:04:59,168 [ERROR] Archivo demasiado pequeño: 497 bytes +2025-02-26 11:04:59,169 [ERROR] Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:04:59,169 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:04:59,171 [INFO] 127.0.0.1 - - [26/Feb/2025 11:04:59] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:05:49,219 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading diff --git a/logs/app_20250226_110553.log b/logs/app_20250226_110553.log new file mode 100644 index 0000000000000000000000000000000000000000..55480cd7af668a6a1d220e023fcb782e6f24bc55 --- /dev/null +++ b/logs/app_20250226_110553.log @@ -0,0 +1,48 @@ +2025-02-26 11:05:53,359 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:05:53,470 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:05:53,471 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:05:53,474 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:05:53,498 [WARNING] * Debugger is active! +2025-02-26 11:05:53,503 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:06:20,071 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:06:20,077 [INFO] 127.0.0.1 - - [26/Feb/2025 11:06:20] "POST /generate-wav2lip HTTP/1.1" 404 - +2025-02-26 11:06:23,163 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:06:26,714 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:06:43,696 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:06:44,577 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:06:44,728 [INFO] 127.0.0.1 - - [26/Feb/2025 11:06:44] "POST /generate-wav2lip HTTP/1.1" 404 - +2025-02-26 11:06:44,730 [INFO] 127.0.0.1 - - [26/Feb/2025 11:06:44] "POST /generate-wav2lip HTTP/1.1" 404 - +2025-02-26 11:06:44,734 [INFO] 127.0.0.1 - - [26/Feb/2025 11:06:44] "POST /generate-wav2lip HTTP/1.1" 404 - +2025-02-26 11:06:44,824 [INFO] 127.0.0.1 - - [26/Feb/2025 11:06:44] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:06:48,317 [INFO] 127.0.0.1 - - [26/Feb/2025 11:06:48] "GET /audio/d821f69d-dd05-40d8-b724-9afcdc34d657 HTTP/1.1" 206 - +2025-02-26 11:06:49,466 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:06:50,523 [INFO] 127.0.0.1 - - [26/Feb/2025 11:06:50] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:06:50,532 [INFO] 127.0.0.1 - - [26/Feb/2025 11:06:50] "GET /audio/35ac383a-e787-4004-aef2-60f84e6d9892 HTTP/1.1" 206 - +2025-02-26 11:06:52,207 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:06:56,248 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading +2025-02-26 11:06:58,571 [ERROR] Error en FFmpeg: ffmpeg version 7.1-essentials_build-www.gyan.dev Copyright (c) 2000-2024 the FFmpeg developers + built with gcc 14.2.0 (Rev1, Built by MSYS2 project) + configuration: --enable-gpl --enable-version3 --enable-static --disable-w32threads --disable-autodetect --enable-fontconfig --enable-iconv --enable-gnutls --enable-libxml2 --enable-gmp --enable-bzlib --enable-lzma --enable-zlib --enable-libsrt --enable-libssh --enable-libzmq --enable-avisynth --enable-sdl2 --enable-libwebp --enable-libx264 --enable-libx265 --enable-libxvid --enable-libaom --enable-libopenjpeg --enable-libvpx --enable-mediafoundation --enable-libass --enable-libfreetype --enable-libfribidi --enable-libharfbuzz --enable-libvidstab --enable-libvmaf --enable-libzimg --enable-amf --enable-cuda-llvm --enable-cuvid --enable-dxva2 --enable-d3d11va --enable-d3d12va --enable-ffnvcodec --enable-libvpl --enable-nvdec --enable-nvenc --enable-vaapi --enable-libgme --enable-libopenmpt --enable-libopencore-amrwb --enable-libmp3lame --enable-libtheora --enable-libvo-amrwbenc --enable-libgsm --enable-libopencore-amrnb --enable-libopus --enable-libspeex --enable-libvorbis --enable-librubberband + libavutil 59. 39.100 / 59. 39.100 + libavcodec 61. 19.100 / 61. 19.100 + libavformat 61. 7.100 / 61. 7.100 + libavdevice 61. 3.100 / 61. 3.100 + libavfilter 10. 4.100 / 10. 4.100 + libswscale 8. 3.100 / 8. 3.100 + libswresample 5. 3.100 / 5. 3.100 + libpostproc 58. 3.100 / 58. 3.100 +Input #0, mov,mp4,m4a,3gp,3g2,mj2, from '.\wav2lip_temp\11ss0zz6\results\temp.mp4': + Metadata: + major_brand : isom + minor_version : 512 + compatible_brands: isomiso2avc1mp41 + encoder : Lavf61.7.100 + Duration: N/A, bitrate: N/A +Output #0, webm, to '.\wav2lip_temp\11ss0zz6\results\result_voice.webm': +[out#0/webm @ 000001cf7fcc0780] Output file does not contain any stream +Error opening output file .\wav2lip_temp\11ss0zz6\results\result_voice.webm. +Error opening output files: Invalid argument + +2025-02-26 11:06:58,572 [ERROR] Error en wav2lip_animate: Error al convertir el video +2025-02-26 11:06:58,572 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: Error al convertir el video +2025-02-26 11:06:58,574 [INFO] 127.0.0.1 - - [26/Feb/2025 11:06:58] "POST /generate-wav2lip HTTP/1.1" 500 - diff --git a/logs/app_20250226_110700.log b/logs/app_20250226_110700.log new file mode 100644 index 0000000000000000000000000000000000000000..3e57d52bafc3e9d5e271ff414fc14174376322f7 --- /dev/null +++ b/logs/app_20250226_110700.log @@ -0,0 +1,39 @@ +2025-02-26 11:07:00,902 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:07:00,903 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:07:00,904 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:07:00,906 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:07:00,924 [WARNING] * Debugger is active! +2025-02-26 11:07:00,928 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:07:05,926 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:07:07,094 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:07:07,098 [INFO] 127.0.0.1 - - [26/Feb/2025 11:07:07] "POST /generate-wav2lip HTTP/1.1" 404 - +2025-02-26 11:07:07,192 [INFO] 127.0.0.1 - - [26/Feb/2025 11:07:07] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:07:08,618 [INFO] 127.0.0.1 - - [26/Feb/2025 11:07:08] "GET /audio/87bf24b6-76c1-49ef-a504-26ff26bc8ac3 HTTP/1.1" 206 - +2025-02-26 11:07:10,417 [INFO] 127.0.0.1 - - [26/Feb/2025 11:07:10] "GET / HTTP/1.1" 200 - +2025-02-26 11:07:10,550 [INFO] 127.0.0.1 - - [26/Feb/2025 11:07:10] "GET /static/male.png HTTP/1.1" 304 - +2025-02-26 11:07:10,551 [INFO] 127.0.0.1 - - [26/Feb/2025 11:07:10] "GET /static/female.png HTTP/1.1" 304 - +2025-02-26 11:07:13,640 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:07:15,025 [INFO] 127.0.0.1 - - [26/Feb/2025 11:07:15] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:07:15,032 [INFO] 127.0.0.1 - - [26/Feb/2025 11:07:15] "GET /audio/8141af26-0cba-4faa-9002-aa97cf5f6988 HTTP/1.1" 206 - +2025-02-26 11:07:16,691 [INFO] 127.0.0.1 - - [26/Feb/2025 11:07:16] "GET /favicon.ico HTTP/1.1" 404 - +2025-02-26 11:07:19,446 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:07:25,440 [ERROR] Error en FFmpeg: ffmpeg version 7.1-essentials_build-www.gyan.dev Copyright (c) 2000-2024 the FFmpeg developers + built with gcc 14.2.0 (Rev1, Built by MSYS2 project) + configuration: --enable-gpl --enable-version3 --enable-static --disable-w32threads --disable-autodetect --enable-fontconfig --enable-iconv --enable-gnutls --enable-libxml2 --enable-gmp --enable-bzlib --enable-lzma --enable-zlib --enable-libsrt --enable-libssh --enable-libzmq --enable-avisynth --enable-sdl2 --enable-libwebp --enable-libx264 --enable-libx265 --enable-libxvid --enable-libaom --enable-libopenjpeg --enable-libvpx --enable-mediafoundation --enable-libass --enable-libfreetype --enable-libfribidi --enable-libharfbuzz --enable-libvidstab --enable-libvmaf --enable-libzimg --enable-amf --enable-cuda-llvm --enable-cuvid --enable-dxva2 --enable-d3d11va --enable-d3d12va --enable-ffnvcodec --enable-libvpl --enable-nvdec --enable-nvenc --enable-vaapi --enable-libgme --enable-libopenmpt --enable-libopencore-amrwb --enable-libmp3lame --enable-libtheora --enable-libvo-amrwbenc --enable-libgsm --enable-libopencore-amrnb --enable-libopus --enable-libspeex --enable-libvorbis --enable-librubberband + libavutil 59. 39.100 / 59. 39.100 + libavcodec 61. 19.100 / 61. 19.100 + libavformat 61. 7.100 / 61. 7.100 + libavdevice 61. 3.100 / 61. 3.100 + libavfilter 10. 4.100 / 10. 4.100 + libswscale 8. 3.100 / 8. 3.100 + libswresample 5. 3.100 / 5. 3.100 + libpostproc 58. 3.100 / 58. 3.100 +[image2 @ 00000219d7c73640] Could find no file with path '.\wav2lip_temp\f77l7kqf\frames\frame_%04d.png' and index in the range 0-4 +[in#0 @ 00000219d7c73280] Error opening input: No such file or directory +Error opening input file .\wav2lip_temp\f77l7kqf\frames\frame_%04d.png. +Error opening input files: No such file or directory + +2025-02-26 11:07:25,441 [ERROR] Error en wav2lip_animate: Error al convertir el video +2025-02-26 11:07:25,441 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: Error al convertir el video +2025-02-26 11:07:25,443 [INFO] 127.0.0.1 - - [26/Feb/2025 11:07:25] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:08:19,884 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading diff --git a/logs/app_20250226_110822.log b/logs/app_20250226_110822.log new file mode 100644 index 0000000000000000000000000000000000000000..34d598f107b4a8f0e545bb1fb02e41e40791f17f --- /dev/null +++ b/logs/app_20250226_110822.log @@ -0,0 +1,21 @@ +2025-02-26 11:08:22,273 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:08:22,275 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:08:22,276 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:08:22,278 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:08:22,298 [WARNING] * Debugger is active! +2025-02-26 11:08:22,302 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:09:01,056 [INFO] 127.0.0.1 - - [26/Feb/2025 11:09:01] "GET / HTTP/1.1" 200 - +2025-02-26 11:09:01,207 [INFO] 127.0.0.1 - - [26/Feb/2025 11:09:01] "GET /static/female.png HTTP/1.1" 304 - +2025-02-26 11:09:01,215 [INFO] 127.0.0.1 - - [26/Feb/2025 11:09:01] "GET /static/male.png HTTP/1.1" 304 - +2025-02-26 11:09:20,922 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:09:21,971 [INFO] 127.0.0.1 - - [26/Feb/2025 11:09:21] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:09:21,978 [INFO] 127.0.0.1 - - [26/Feb/2025 11:09:21] "GET /audio/5b76cd79-7fac-4887-8bf8-1b96975bb83c HTTP/1.1" 206 - +2025-02-26 11:09:31,961 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:09:38,018 [INFO] Verificando archivo de salida: .\wav2lip_temp\x6viledu\results\result_voice.webm +2025-02-26 11:09:38,018 [INFO] Tamaño del archivo: 80895 bytes +2025-02-26 11:09:38,284 [INFO] Dimensiones: 346x298, Duración: 13.691s +2025-02-26 11:09:38,286 [INFO] Video generado y guardado en: static\animations\x6viledu.webm +2025-02-26 11:09:38,288 [INFO] 127.0.0.1 - - [26/Feb/2025 11:09:38] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 11:09:39,796 [INFO] 127.0.0.1 - - [26/Feb/2025 11:09:39] "GET /animation/x6viledu HTTP/1.1" 206 - +2025-02-26 11:09:39,857 [INFO] 127.0.0.1 - - [26/Feb/2025 11:09:39] "GET /favicon.ico HTTP/1.1" 404 - +2025-02-26 11:11:00,109 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading diff --git a/logs/app_20250226_111102.log b/logs/app_20250226_111102.log new file mode 100644 index 0000000000000000000000000000000000000000..b54ae07bd7531ce444922c509983014ad2813a13 --- /dev/null +++ b/logs/app_20250226_111102.log @@ -0,0 +1,20 @@ +2025-02-26 11:11:02,577 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:11:02,578 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:11:02,579 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:11:02,581 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:11:02,601 [WARNING] * Debugger is active! +2025-02-26 11:11:02,604 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:11:07,097 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:11:07,151 [INFO] 127.0.0.1 - - [26/Feb/2025 11:11:07] "POST /generate-wav2lip HTTP/1.1" 404 - +2025-02-26 11:11:08,847 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:11:09,814 [INFO] 127.0.0.1 - - [26/Feb/2025 11:11:09] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:11:09,821 [INFO] 127.0.0.1 - - [26/Feb/2025 11:11:09] "GET /audio/b14c7926-1fae-4671-8a51-0f9e9e23a725 HTTP/1.1" 206 - +2025-02-26 11:11:10,954 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:11:17,388 [INFO] Verificando archivo de salida: .\wav2lip_temp\t9zn2wey\results\result_voice.webm +2025-02-26 11:11:17,389 [INFO] Tamaño del archivo: 80834 bytes +2025-02-26 11:11:17,470 [ERROR] No se encontró stream de video +2025-02-26 11:11:17,470 [ERROR] Error inesperado: No se pudo generar un archivo válido +2025-02-26 11:11:17,470 [ERROR] Error en wav2lip_animate: Error inesperado: No se pudo generar un archivo válido +2025-02-26 11:11:17,471 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: Error inesperado: No se pudo generar un archivo válido +2025-02-26 11:11:17,472 [INFO] 127.0.0.1 - - [26/Feb/2025 11:11:17] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:12:19,499 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading diff --git a/logs/app_20250226_111221.log b/logs/app_20250226_111221.log new file mode 100644 index 0000000000000000000000000000000000000000..fc702e518ae33bf70e5b14ab00edb0d8291fa483 --- /dev/null +++ b/logs/app_20250226_111221.log @@ -0,0 +1,21 @@ +2025-02-26 11:12:21,906 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:12:21,907 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:12:21,908 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:12:21,910 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:12:21,931 [WARNING] * Debugger is active! +2025-02-26 11:12:21,935 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:12:26,095 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:12:26,099 [INFO] 127.0.0.1 - - [26/Feb/2025 11:12:26] "POST /generate-wav2lip HTTP/1.1" 404 - +2025-02-26 11:12:27,838 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:12:28,956 [INFO] 127.0.0.1 - - [26/Feb/2025 11:12:28] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:12:28,967 [INFO] 127.0.0.1 - - [26/Feb/2025 11:12:28] "GET /audio/963b9ab5-74ae-4149-a243-43027804c19b HTTP/1.1" 206 - +2025-02-26 11:13:28,245 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:13:33,883 [INFO] Verificando archivo de salida: .\wav2lip_temp\lxywb4yu\results\result_voice.avi +2025-02-26 11:13:33,883 [INFO] Tamaño del archivo: 121851 bytes +2025-02-26 11:13:33,966 [INFO] Dimensiones: 346x298, Duración: 0.0s +2025-02-26 11:13:33,967 [ERROR] Dimensiones o duración inválidas +2025-02-26 11:13:33,967 [ERROR] Error inesperado: No se pudo generar un archivo válido +2025-02-26 11:13:33,967 [ERROR] Error en wav2lip_animate: Error inesperado: No se pudo generar un archivo válido +2025-02-26 11:13:33,967 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: Error inesperado: No se pudo generar un archivo válido +2025-02-26 11:13:33,969 [INFO] 127.0.0.1 - - [26/Feb/2025 11:13:33] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:16:24,557 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading diff --git a/logs/app_20250226_111627.log b/logs/app_20250226_111627.log new file mode 100644 index 0000000000000000000000000000000000000000..7512c9c4641eb1b4d4ace9589e766d744d2bbe4c --- /dev/null +++ b/logs/app_20250226_111627.log @@ -0,0 +1,93 @@ +2025-02-26 11:16:27,044 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:16:27,045 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:16:27,047 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:16:27,049 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:16:27,069 [WARNING] * Debugger is active! +2025-02-26 11:16:27,073 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:16:37,964 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:16:39,196 [INFO] 127.0.0.1 - - [26/Feb/2025 11:16:39] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:16:39,208 [INFO] 127.0.0.1 - - [26/Feb/2025 11:16:39] "GET /audio/24327ab0-96d2-4fe5-aa39-6384cdbcf3a7 HTTP/1.1" 206 - +2025-02-26 11:16:40,299 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:16:40,672 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:16:46,728 [INFO] Verificando archivo de salida: .\wav2lip_temp\oviy0awg\results\result_voice.avi +2025-02-26 11:16:46,729 [INFO] Tamaño del archivo: 121851 bytes +2025-02-26 11:16:46,815 [INFO] Dimensiones: 346x298, Duración: 0.0s +2025-02-26 11:16:46,816 [ERROR] Dimensiones o duración inválidas +2025-02-26 11:16:46,816 [ERROR] Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:16:46,816 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:16:46,818 [INFO] 127.0.0.1 - - [26/Feb/2025 11:16:46] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:16:47,034 [INFO] Verificando archivo de salida: .\wav2lip_temp\1s8688uu\results\result_voice.avi +2025-02-26 11:16:47,035 [INFO] Tamaño del archivo: 121851 bytes +2025-02-26 11:16:47,116 [INFO] Dimensiones: 346x298, Duración: 0.0s +2025-02-26 11:16:47,116 [ERROR] Dimensiones o duración inválidas +2025-02-26 11:16:47,117 [ERROR] Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:16:47,117 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:16:47,118 [INFO] 127.0.0.1 - - [26/Feb/2025 11:16:47] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:18:07,249 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:18:08,280 [INFO] 127.0.0.1 - - [26/Feb/2025 11:18:08] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:18:08,289 [INFO] 127.0.0.1 - - [26/Feb/2025 11:18:08] "GET /audio/048d21c8-0e24-432f-a530-01d933535292 HTTP/1.1" 206 - +2025-02-26 11:18:10,087 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:18:15,706 [INFO] Verificando archivo de salida: .\wav2lip_temp\ovlveqt2\results\result_voice.avi +2025-02-26 11:18:15,706 [INFO] Tamaño del archivo: 121851 bytes +2025-02-26 11:18:15,779 [INFO] Dimensiones: 346x298, Duración: 0.0s +2025-02-26 11:18:15,780 [ERROR] Dimensiones o duración inválidas +2025-02-26 11:18:15,780 [ERROR] Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:18:15,780 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:18:15,781 [INFO] 127.0.0.1 - - [26/Feb/2025 11:18:15] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:19:20,457 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:19:21,401 [INFO] 127.0.0.1 - - [26/Feb/2025 11:19:21] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:19:21,411 [INFO] 127.0.0.1 - - [26/Feb/2025 11:19:21] "GET /audio/7ade909d-1536-479e-a943-cd6402f41897 HTTP/1.1" 206 - +2025-02-26 11:19:22,564 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:19:28,166 [INFO] Verificando archivo de salida: .\wav2lip_temp\xhcj74wr\results\result_voice.avi +2025-02-26 11:19:28,166 [INFO] Tamaño del archivo: 121851 bytes +2025-02-26 11:19:28,241 [INFO] Dimensiones: 346x298, Duración: 0.0s +2025-02-26 11:19:28,241 [ERROR] Dimensiones o duración inválidas +2025-02-26 11:19:28,242 [ERROR] Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:19:28,242 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:19:28,244 [INFO] 127.0.0.1 - - [26/Feb/2025 11:19:28] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:19:57,319 [INFO] 127.0.0.1 - - [26/Feb/2025 11:19:57] "GET / HTTP/1.1" 200 - +2025-02-26 11:19:57,531 [INFO] 127.0.0.1 - - [26/Feb/2025 11:19:57] "GET /static/male.png HTTP/1.1" 304 - +2025-02-26 11:19:57,533 [INFO] 127.0.0.1 - - [26/Feb/2025 11:19:57] "GET /static/female.png HTTP/1.1" 304 - +2025-02-26 11:20:16,372 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:20:17,269 [INFO] 127.0.0.1 - - [26/Feb/2025 11:20:17] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:20:17,277 [INFO] 127.0.0.1 - - [26/Feb/2025 11:20:17] "GET /audio/54a4fb28-a6d6-4d33-9352-e4b643cc4057 HTTP/1.1" 206 - +2025-02-26 11:20:18,607 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:20:23,257 [INFO] 127.0.0.1 - - [26/Feb/2025 11:20:23] "GET /favicon.ico HTTP/1.1" 404 - +2025-02-26 11:20:24,898 [INFO] Verificando archivo de salida: .\wav2lip_temp\dojwrbv6\results\result_voice.avi +2025-02-26 11:20:24,899 [INFO] Tamaño del archivo: 121851 bytes +2025-02-26 11:20:24,972 [INFO] Dimensiones: 346x298, Duración: 0.0s +2025-02-26 11:20:24,973 [ERROR] Dimensiones o duración inválidas +2025-02-26 11:20:24,973 [ERROR] Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:20:24,974 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:20:24,975 [INFO] 127.0.0.1 - - [26/Feb/2025 11:20:24] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:21:08,570 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:21:14,197 [INFO] Verificando archivo de salida: .\wav2lip_temp\3uv01xd4\results\result_voice.avi +2025-02-26 11:21:14,198 [INFO] Tamaño del archivo: 121851 bytes +2025-02-26 11:21:14,289 [INFO] Dimensiones: 346x298, Duración: 0.0s +2025-02-26 11:21:14,290 [ERROR] Dimensiones o duración inválidas +2025-02-26 11:21:14,290 [ERROR] Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:21:14,290 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:21:14,291 [INFO] 127.0.0.1 - - [26/Feb/2025 11:21:14] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:22:09,588 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:22:16,152 [INFO] Verificando archivo de salida: .\wav2lip_temp\jr3jid0h\results\result_voice.avi +2025-02-26 11:22:16,152 [INFO] Tamaño del archivo: 121851 bytes +2025-02-26 11:22:16,225 [INFO] Dimensiones: 346x298, Duración: 0.0s +2025-02-26 11:22:16,225 [ERROR] Dimensiones o duración inválidas +2025-02-26 11:22:16,226 [ERROR] Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:22:16,226 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:22:16,227 [INFO] 127.0.0.1 - - [26/Feb/2025 11:22:16] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:22:18,251 [INFO] 127.0.0.1 - - [26/Feb/2025 11:22:18] "GET / HTTP/1.1" 200 - +2025-02-26 11:22:18,271 [INFO] 127.0.0.1 - - [26/Feb/2025 11:22:18] "GET /static/female.png HTTP/1.1" 304 - +2025-02-26 11:22:18,272 [INFO] 127.0.0.1 - - [26/Feb/2025 11:22:18] "GET /static/male.png HTTP/1.1" 304 - +2025-02-26 11:22:22,506 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:22:23,428 [INFO] 127.0.0.1 - - [26/Feb/2025 11:22:23] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:22:23,434 [INFO] 127.0.0.1 - - [26/Feb/2025 11:22:23] "GET /audio/eda6c96c-44bb-4054-b63d-2692fda35599 HTTP/1.1" 206 - +2025-02-26 11:22:26,026 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:22:31,729 [INFO] Verificando archivo de salida: .\wav2lip_temp\gfq1jnw1\results\result_voice.avi +2025-02-26 11:22:31,729 [INFO] Tamaño del archivo: 121851 bytes +2025-02-26 11:22:31,801 [INFO] Dimensiones: 346x298, Duración: 0.0s +2025-02-26 11:22:31,802 [ERROR] Dimensiones o duración inválidas +2025-02-26 11:22:31,802 [ERROR] Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:22:31,802 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:22:31,804 [INFO] 127.0.0.1 - - [26/Feb/2025 11:22:31] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:24:19,701 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading diff --git a/logs/app_20250226_112422.log b/logs/app_20250226_112422.log new file mode 100644 index 0000000000000000000000000000000000000000..5a54882fa23590aac88627feccd948386c516904 --- /dev/null +++ b/logs/app_20250226_112422.log @@ -0,0 +1,7 @@ +2025-02-26 11:24:22,198 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:24:22,201 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:24:22,201 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:24:22,211 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:24:22,229 [WARNING] * Debugger is active! +2025-02-26 11:24:22,233 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:24:45,522 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_112447.log b/logs/app_20250226_112447.log new file mode 100644 index 0000000000000000000000000000000000000000..ab99ce415d9fdc1e8cf453c0df7ceff4e23daf64 --- /dev/null +++ b/logs/app_20250226_112447.log @@ -0,0 +1,14 @@ +2025-02-26 11:24:47,944 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:24:47,945 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:24:47,946 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:24:47,947 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:24:47,967 [WARNING] * Debugger is active! +2025-02-26 11:24:47,971 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:25:21,309 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:25:22,400 [INFO] 127.0.0.1 - - [26/Feb/2025 11:25:22] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:25:22,409 [INFO] 127.0.0.1 - - [26/Feb/2025 11:25:22] "GET /audio/5aacc8e5-4bcf-4122-98c7-0d855ebca426 HTTP/1.1" 206 - +2025-02-26 11:25:25,476 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:25:29,284 [ERROR] Error en wav2lip_animate: 'utf-8' codec can't decode byte 0xf3 in position 58: invalid continuation byte +2025-02-26 11:25:29,285 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: 'utf-8' codec can't decode byte 0xf3 in position 58: invalid continuation byte +2025-02-26 11:25:29,287 [INFO] 127.0.0.1 - - [26/Feb/2025 11:25:29] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:25:52,760 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\tts_processing.py', reloading diff --git a/logs/app_20250226_112555.log b/logs/app_20250226_112555.log new file mode 100644 index 0000000000000000000000000000000000000000..56ad0f6ff2ef1e9ce107523e7106556d65935f9a --- /dev/null +++ b/logs/app_20250226_112555.log @@ -0,0 +1,7 @@ +2025-02-26 11:25:55,208 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:25:55,209 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:25:55,210 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:25:55,212 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:25:55,231 [WARNING] * Debugger is active! +2025-02-26 11:25:55,234 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:26:25,603 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_112628.log b/logs/app_20250226_112628.log new file mode 100644 index 0000000000000000000000000000000000000000..da370ead31a1979e3a38675708e08148107c5462 --- /dev/null +++ b/logs/app_20250226_112628.log @@ -0,0 +1,7 @@ +2025-02-26 11:26:28,182 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:26:28,183 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:26:28,183 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:26:28,184 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:26:28,204 [WARNING] * Debugger is active! +2025-02-26 11:26:28,208 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:26:47,451 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading diff --git a/logs/app_20250226_112649.log b/logs/app_20250226_112649.log new file mode 100644 index 0000000000000000000000000000000000000000..56e370e14c989a51fa104da747f35bbf0c92898c --- /dev/null +++ b/logs/app_20250226_112649.log @@ -0,0 +1,21 @@ +2025-02-26 11:26:49,807 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:26:49,808 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:26:49,809 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:26:49,810 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:26:49,829 [WARNING] * Debugger is active! +2025-02-26 11:26:49,833 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:27:02,227 [INFO] 127.0.0.1 - - [26/Feb/2025 11:27:02] "GET / HTTP/1.1" 200 - +2025-02-26 11:27:02,379 [INFO] 127.0.0.1 - - [26/Feb/2025 11:27:02] "GET /static/female.png HTTP/1.1" 304 - +2025-02-26 11:27:02,380 [INFO] 127.0.0.1 - - [26/Feb/2025 11:27:02] "GET /static/male.png HTTP/1.1" 304 - +2025-02-26 11:27:03,557 [INFO] 127.0.0.1 - - [26/Feb/2025 11:27:03] "GET / HTTP/1.1" 200 - +2025-02-26 11:27:03,574 [INFO] 127.0.0.1 - - [26/Feb/2025 11:27:03] "GET /static/female.png HTTP/1.1" 304 - +2025-02-26 11:27:03,581 [INFO] 127.0.0.1 - - [26/Feb/2025 11:27:03] "GET /static/male.png HTTP/1.1" 304 - +2025-02-26 11:27:05,459 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:27:06,380 [INFO] 127.0.0.1 - - [26/Feb/2025 11:27:06] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:27:06,387 [INFO] 127.0.0.1 - - [26/Feb/2025 11:27:06] "GET /audio/4ab6aeac-618e-433a-b7c6-c642d98b54b5 HTTP/1.1" 206 - +2025-02-26 11:27:09,875 [INFO] 127.0.0.1 - - [26/Feb/2025 11:27:09] "GET /favicon.ico HTTP/1.1" 404 - +2025-02-26 11:27:12,360 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:27:16,198 [ERROR] Error en wav2lip_animate: 'utf-8' codec can't decode byte 0xf3 in position 58: invalid continuation byte +2025-02-26 11:27:16,199 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: 'utf-8' codec can't decode byte 0xf3 in position 58: invalid continuation byte +2025-02-26 11:27:16,201 [INFO] 127.0.0.1 - - [26/Feb/2025 11:27:16] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:27:52,599 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading diff --git a/logs/app_20250226_112755.log b/logs/app_20250226_112755.log new file mode 100644 index 0000000000000000000000000000000000000000..668ab89ace69d94ecb615e1313bddeeffef6513b --- /dev/null +++ b/logs/app_20250226_112755.log @@ -0,0 +1,16 @@ +2025-02-26 11:27:55,091 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:27:55,093 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:27:55,094 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:27:55,095 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:27:55,113 [WARNING] * Debugger is active! +2025-02-26 11:27:55,118 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:28:30,662 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:28:30,700 [INFO] 127.0.0.1 - - [26/Feb/2025 11:28:30] "POST /generate-wav2lip HTTP/1.1" 404 - +2025-02-26 11:28:32,896 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:28:33,817 [INFO] 127.0.0.1 - - [26/Feb/2025 11:28:33] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:28:33,826 [INFO] 127.0.0.1 - - [26/Feb/2025 11:28:33] "GET /audio/6dd43a59-a187-4dfd-adf9-9e0bdafabee0 HTTP/1.1" 206 - +2025-02-26 11:28:34,446 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:28:34,507 [ERROR] Error en wav2lip_animate: Script de inferencia no encontrado: C:/Users/Salomon/Desktop/reels/inference.py +2025-02-26 11:28:34,508 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: Script de inferencia no encontrado: C:/Users/Salomon/Desktop/reels/inference.py +2025-02-26 11:28:34,509 [INFO] 127.0.0.1 - - [26/Feb/2025 11:28:34] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:29:34,305 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading diff --git a/logs/app_20250226_112936.log b/logs/app_20250226_112936.log new file mode 100644 index 0000000000000000000000000000000000000000..ce7ff1611b120437de04dba8a1393971c978084b --- /dev/null +++ b/logs/app_20250226_112936.log @@ -0,0 +1,16 @@ +2025-02-26 11:29:36,785 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:29:36,787 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:29:36,787 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:29:36,789 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:29:36,810 [WARNING] * Debugger is active! +2025-02-26 11:29:36,814 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:29:46,249 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:29:46,252 [INFO] 127.0.0.1 - - [26/Feb/2025 11:29:46] "POST /generate-wav2lip HTTP/1.1" 404 - +2025-02-26 11:29:48,251 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:29:49,178 [INFO] 127.0.0.1 - - [26/Feb/2025 11:29:49] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:29:49,184 [INFO] 127.0.0.1 - - [26/Feb/2025 11:29:49] "GET /audio/59836764-3fa6-4c49-a759-b897aaab74de HTTP/1.1" 206 - +2025-02-26 11:29:50,507 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:29:54,690 [ERROR] Error en wav2lip_animate: Error al generar la animación +2025-02-26 11:29:54,691 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: Error al generar la animación +2025-02-26 11:29:54,692 [INFO] 127.0.0.1 - - [26/Feb/2025 11:29:54] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:30:39,568 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading diff --git a/logs/app_20250226_113041.log b/logs/app_20250226_113041.log new file mode 100644 index 0000000000000000000000000000000000000000..5e41d1913c88969ee531d5ffa0d8f2811fe3e2d1 --- /dev/null +++ b/logs/app_20250226_113041.log @@ -0,0 +1,14 @@ +2025-02-26 11:30:41,973 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:30:41,975 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:30:41,976 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:30:41,978 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:30:41,996 [WARNING] * Debugger is active! +2025-02-26 11:30:42,000 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:30:47,204 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:30:48,151 [INFO] 127.0.0.1 - - [26/Feb/2025 11:30:48] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:30:48,167 [INFO] 127.0.0.1 - - [26/Feb/2025 11:30:48] "GET /audio/a8c58553-6a1f-44ac-a131-d911a22ea6b5 HTTP/1.1" 206 - +2025-02-26 11:30:48,965 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:30:52,869 [ERROR] Error en wav2lip_animate: Error al generar la animación +2025-02-26 11:30:52,869 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: Error al generar la animación +2025-02-26 11:30:52,871 [INFO] 127.0.0.1 - - [26/Feb/2025 11:30:52] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:31:38,699 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_113141.log b/logs/app_20250226_113141.log new file mode 100644 index 0000000000000000000000000000000000000000..e40fa45e54cf5e94a2bee51e643ec64c42d942eb --- /dev/null +++ b/logs/app_20250226_113141.log @@ -0,0 +1,7 @@ +2025-02-26 11:31:41,499 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:31:41,500 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:31:41,501 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:31:41,503 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:31:41,524 [WARNING] * Debugger is active! +2025-02-26 11:31:41,528 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:31:44,604 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_113147.log b/logs/app_20250226_113147.log new file mode 100644 index 0000000000000000000000000000000000000000..d2d7f3a1c3005b30550c3f4d2ad2aa8ef43b7a66 --- /dev/null +++ b/logs/app_20250226_113147.log @@ -0,0 +1,17 @@ +2025-02-26 11:31:47,207 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:31:47,208 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:31:47,209 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:31:47,210 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:31:47,231 [WARNING] * Debugger is active! +2025-02-26 11:31:47,234 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:31:48,511 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:31:49,463 [INFO] 127.0.0.1 - - [26/Feb/2025 11:31:49] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:31:49,489 [INFO] 127.0.0.1 - - [26/Feb/2025 11:31:49] "GET /audio/5008708f-66a1-47ea-9ad9-2ab8d926aadc HTTP/1.1" 206 - +2025-02-26 11:31:50,324 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:31:56,323 [INFO] Verificando archivo de salida: wav2lip_temp/ymuaynpe/results/result_voice.webm +2025-02-26 11:31:56,324 [INFO] Tamaño del archivo: 452 bytes +2025-02-26 11:31:56,324 [ERROR] Archivo demasiado pequeño: 452 bytes +2025-02-26 11:31:56,325 [ERROR] Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:31:56,325 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:31:56,327 [INFO] 127.0.0.1 - - [26/Feb/2025 11:31:56] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:32:23,700 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_113226.log b/logs/app_20250226_113226.log new file mode 100644 index 0000000000000000000000000000000000000000..ea6c3eda863b2888250534c84f9cda1101349cc6 --- /dev/null +++ b/logs/app_20250226_113226.log @@ -0,0 +1,7 @@ +2025-02-26 11:32:26,048 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:32:26,050 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:32:26,050 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:32:26,052 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:32:26,071 [WARNING] * Debugger is active! +2025-02-26 11:32:26,074 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:32:32,175 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_113234.log b/logs/app_20250226_113234.log new file mode 100644 index 0000000000000000000000000000000000000000..8cd06fe44faf41e3f583e5220724241a53002350 --- /dev/null +++ b/logs/app_20250226_113234.log @@ -0,0 +1,14 @@ +2025-02-26 11:32:34,903 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:32:34,904 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:32:34,905 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:32:34,906 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:32:34,924 [WARNING] * Debugger is active! +2025-02-26 11:32:34,928 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:32:34,957 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:32:35,878 [INFO] 127.0.0.1 - - [26/Feb/2025 11:32:35] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:32:35,889 [INFO] 127.0.0.1 - - [26/Feb/2025 11:32:35] "GET /audio/68ac14f9-1b12-4578-97bd-ad77fb44c219 HTTP/1.1" 206 - +2025-02-26 11:32:38,631 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:32:44,245 [ERROR] Error en wav2lip_animate: Error al generar la animación +2025-02-26 11:32:44,246 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: Error al generar la animación +2025-02-26 11:32:44,247 [INFO] 127.0.0.1 - - [26/Feb/2025 11:32:44] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:33:17,457 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_113319.log b/logs/app_20250226_113319.log new file mode 100644 index 0000000000000000000000000000000000000000..c239361aada4e1cc3064ff2cf0a44326dece7bbb --- /dev/null +++ b/logs/app_20250226_113319.log @@ -0,0 +1,7 @@ +2025-02-26 11:33:19,805 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:33:19,806 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:33:19,807 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:33:19,809 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:33:19,828 [WARNING] * Debugger is active! +2025-02-26 11:33:19,832 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:33:34,015 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_113336.log b/logs/app_20250226_113336.log new file mode 100644 index 0000000000000000000000000000000000000000..b20c556bc3369bd4eecd6f3b97728e35d7a5214d --- /dev/null +++ b/logs/app_20250226_113336.log @@ -0,0 +1,31 @@ +2025-02-26 11:33:36,424 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:33:36,425 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:33:36,426 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:33:36,427 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:33:36,449 [WARNING] * Debugger is active! +2025-02-26 11:33:36,453 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:33:37,353 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:33:38,460 [INFO] 127.0.0.1 - - [26/Feb/2025 11:33:38] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:33:38,470 [INFO] 127.0.0.1 - - [26/Feb/2025 11:33:38] "GET /audio/1b68df99-3e64-4287-81ed-25ec93477eec HTTP/1.1" 206 - +2025-02-26 11:33:42,960 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:33:48,840 [INFO] Verificando archivo de salida: wav2lip_temp/64jmdfjc/results/result_voice.webm +2025-02-26 11:33:48,841 [INFO] Tamaño del archivo: 258 bytes +2025-02-26 11:33:48,841 [ERROR] Archivo demasiado pequeño: 258 bytes +2025-02-26 11:33:48,841 [ERROR] Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:33:48,842 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:33:48,844 [INFO] 127.0.0.1 - - [26/Feb/2025 11:33:48] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:33:55,022 [INFO] 127.0.0.1 - - [26/Feb/2025 11:33:55] "GET / HTTP/1.1" 200 - +2025-02-26 11:33:55,155 [INFO] 127.0.0.1 - - [26/Feb/2025 11:33:55] "GET /static/male.png HTTP/1.1" 200 - +2025-02-26 11:33:55,156 [INFO] 127.0.0.1 - - [26/Feb/2025 11:33:55] "GET /static/female.png HTTP/1.1" 200 - +2025-02-26 11:33:55,823 [INFO] 127.0.0.1 - - [26/Feb/2025 11:33:55] "GET /favicon.ico HTTP/1.1" 404 - +2025-02-26 11:33:58,082 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:34:00,097 [INFO] 127.0.0.1 - - [26/Feb/2025 11:34:00] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:34:00,103 [INFO] 127.0.0.1 - - [26/Feb/2025 11:34:00] "GET /audio/13605f69-84aa-43b5-8874-b063273c813d HTTP/1.1" 206 - +2025-02-26 11:34:01,703 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:34:07,634 [INFO] Verificando archivo de salida: wav2lip_temp/vyouadxz/results/result_voice.webm +2025-02-26 11:34:07,635 [INFO] Tamaño del archivo: 258 bytes +2025-02-26 11:34:07,635 [ERROR] Archivo demasiado pequeño: 258 bytes +2025-02-26 11:34:07,636 [ERROR] Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:34:07,636 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: No se pudo generar un archivo válido +2025-02-26 11:34:07,637 [INFO] 127.0.0.1 - - [26/Feb/2025 11:34:07] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:35:12,577 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_113515.log b/logs/app_20250226_113515.log new file mode 100644 index 0000000000000000000000000000000000000000..933d3d2a65318cf59ca5876300cee6e58d09fc08 --- /dev/null +++ b/logs/app_20250226_113515.log @@ -0,0 +1,7 @@ +2025-02-26 11:35:15,201 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:35:15,203 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:35:15,204 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:35:15,208 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:35:15,244 [WARNING] * Debugger is active! +2025-02-26 11:35:15,249 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:35:21,365 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_113523.log b/logs/app_20250226_113523.log new file mode 100644 index 0000000000000000000000000000000000000000..e89ee634fe237311600763b6222a6dc6f8f0307a --- /dev/null +++ b/logs/app_20250226_113523.log @@ -0,0 +1,22 @@ +2025-02-26 11:35:23,722 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:35:23,723 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:35:23,724 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:35:23,725 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:35:23,744 [WARNING] * Debugger is active! +2025-02-26 11:35:23,747 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:35:25,178 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:35:28,430 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:35:28,435 [INFO] 127.0.0.1 - - [26/Feb/2025 11:35:28] "POST /generate-wav2lip HTTP/1.1" 404 - +2025-02-26 11:35:34,609 [INFO] 127.0.0.1 - - [26/Feb/2025 11:35:34] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:35:34,618 [INFO] 127.0.0.1 - - [26/Feb/2025 11:35:34] "GET /audio/424fe5dd-3f15-4eb1-99bb-d9779cbf6f99 HTTP/1.1" 206 - +2025-02-26 11:35:46,710 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:35:47,771 [INFO] 127.0.0.1 - - [26/Feb/2025 11:35:47] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:35:47,778 [INFO] 127.0.0.1 - - [26/Feb/2025 11:35:47] "GET /audio/ea22ae9b-d0a8-4561-92bb-7ab70b5f80b7 HTTP/1.1" 206 - +2025-02-26 11:35:48,776 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:35:56,703 [INFO] Verificando archivo de salida: wav2lip_temp/mxydyepz/results/result_voice.webm +2025-02-26 11:35:56,704 [INFO] Tamaño del archivo: 65956 bytes +2025-02-26 11:35:56,805 [INFO] Dimensiones: 346x298, Duración: 3.2s +2025-02-26 11:35:56,806 [INFO] Video generado y guardado en: static\animations\mxydyepz.webm +2025-02-26 11:35:56,807 [INFO] 127.0.0.1 - - [26/Feb/2025 11:35:56] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 11:36:02,721 [INFO] 127.0.0.1 - - [26/Feb/2025 11:36:02] "GET /animation/mxydyepz HTTP/1.1" 206 - +2025-02-26 11:36:58,901 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_113701.log b/logs/app_20250226_113701.log new file mode 100644 index 0000000000000000000000000000000000000000..de634f0008c11159751f24919ddab61a75644864 --- /dev/null +++ b/logs/app_20250226_113701.log @@ -0,0 +1,18 @@ +2025-02-26 11:37:01,352 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:37:01,353 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:37:01,354 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:37:01,356 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:37:01,376 [WARNING] * Debugger is active! +2025-02-26 11:37:01,379 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:37:09,913 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:37:14,690 [INFO] 127.0.0.1 - - [26/Feb/2025 11:37:14] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:37:14,717 [INFO] 127.0.0.1 - - [26/Feb/2025 11:37:14] "GET /audio/11d2fc00-dc12-4ee2-a59b-35bc67836f1d HTTP/1.1" 206 - +2025-02-26 11:37:15,433 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:37:40,761 [INFO] Verificando archivo de salida: wav2lip_temp/o07ldryy/results/result_voice.webm +2025-02-26 11:37:40,762 [INFO] Tamaño del archivo: 655154 bytes +2025-02-26 11:37:40,837 [INFO] Dimensiones: 300x268, Duración: 43.491s +2025-02-26 11:37:40,840 [INFO] Video generado y guardado en: static\animations\o07ldryy.webm +2025-02-26 11:37:40,842 [INFO] 127.0.0.1 - - [26/Feb/2025 11:37:40] "POST /generate-wav2lip HTTP/1.1" 200 - +2025-02-26 11:37:44,911 [INFO] 127.0.0.1 - - [26/Feb/2025 11:37:44] "GET /animation/o07ldryy HTTP/1.1" 206 - +2025-02-26 11:37:44,946 [INFO] 127.0.0.1 - - [26/Feb/2025 11:37:44] "GET /favicon.ico HTTP/1.1" 404 - +2025-02-26 11:38:30,482 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_113832.log b/logs/app_20250226_113832.log new file mode 100644 index 0000000000000000000000000000000000000000..a24e74a21686532b5b587370030d75e4f28e0316 --- /dev/null +++ b/logs/app_20250226_113832.log @@ -0,0 +1,7 @@ +2025-02-26 11:38:32,833 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:38:32,835 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:38:32,836 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:38:32,838 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:38:32,857 [WARNING] * Debugger is active! +2025-02-26 11:38:32,861 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:38:38,961 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_113841.log b/logs/app_20250226_113841.log new file mode 100644 index 0000000000000000000000000000000000000000..5b69aec68df63eac0b035a22425a121712d89913 --- /dev/null +++ b/logs/app_20250226_113841.log @@ -0,0 +1,7 @@ +2025-02-26 11:38:41,345 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:38:41,346 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:38:41,346 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:38:41,347 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:38:41,367 [WARNING] * Debugger is active! +2025-02-26 11:38:41,371 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:38:45,450 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_113848.log b/logs/app_20250226_113848.log new file mode 100644 index 0000000000000000000000000000000000000000..01ee15fc9f810f7525ebeb98d65e5e6a772ac163 --- /dev/null +++ b/logs/app_20250226_113848.log @@ -0,0 +1,21 @@ +2025-02-26 11:38:48,253 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:38:48,254 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:38:48,255 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:38:48,256 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:38:48,277 [WARNING] * Debugger is active! +2025-02-26 11:38:48,281 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:38:48,321 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:38:50,457 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:38:50,460 [INFO] 127.0.0.1 - - [26/Feb/2025 11:38:50] "POST /generate-wav2lip HTTP/1.1" 404 - +2025-02-26 11:38:52,416 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:38:52,789 [INFO] 127.0.0.1 - - [26/Feb/2025 11:38:52] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:38:52,796 [INFO] 127.0.0.1 - - [26/Feb/2025 11:38:52] "GET /audio/88973417-9cec-47d8-a4cf-2baafc8e01f2 HTTP/1.1" 206 - +2025-02-26 11:38:53,742 [INFO] 127.0.0.1 - - [26/Feb/2025 11:38:53] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:38:53,752 [INFO] 127.0.0.1 - - [26/Feb/2025 11:38:53] "GET /audio/62f1f206-1f59-4d48-ad13-08d0189366f7 HTTP/1.1" 206 - +2025-02-26 11:38:56,784 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:39:02,759 [ERROR] Error en wav2lip_animate: Error al generar la animación +2025-02-26 11:39:02,759 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: Error al generar la animación +2025-02-26 11:39:02,761 [INFO] 127.0.0.1 - - [26/Feb/2025 11:39:02] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:39:06,362 [INFO] 127.0.0.1 - - [26/Feb/2025 11:39:06] "GET /animation/o07ldryy HTTP/1.1" 206 - +2025-02-26 11:39:06,378 [INFO] 127.0.0.1 - - [26/Feb/2025 11:39:06] "GET /animation/o07ldryy HTTP/1.1" 206 - +2025-02-26 11:39:53,138 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_113955.log b/logs/app_20250226_113955.log new file mode 100644 index 0000000000000000000000000000000000000000..0e317d1030f75561e9f8ee0d788ecbecb995da77 --- /dev/null +++ b/logs/app_20250226_113955.log @@ -0,0 +1,14 @@ +2025-02-26 11:39:55,613 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:39:55,615 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:39:55,616 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:39:55,617 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:39:55,636 [WARNING] * Debugger is active! +2025-02-26 11:39:55,641 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:40:03,102 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:40:04,880 [INFO] 127.0.0.1 - - [26/Feb/2025 11:40:04] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:40:04,890 [INFO] 127.0.0.1 - - [26/Feb/2025 11:40:04] "GET /audio/c0ece52f-2b67-459e-90b1-26850bf79f48 HTTP/1.1" 206 - +2025-02-26 11:40:05,694 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:40:09,659 [ERROR] Error en wav2lip_animate: Error al generar la animación +2025-02-26 11:40:09,659 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: Error al generar la animación +2025-02-26 11:40:09,661 [INFO] 127.0.0.1 - - [26/Feb/2025 11:40:09] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:41:46,004 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading diff --git a/logs/app_20250226_114148.log b/logs/app_20250226_114148.log new file mode 100644 index 0000000000000000000000000000000000000000..432aab3018335d0012f3abdf9fd70de874cff197 --- /dev/null +++ b/logs/app_20250226_114148.log @@ -0,0 +1,14 @@ +2025-02-26 11:41:48,509 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:41:48,510 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:41:48,511 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:41:48,513 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:41:48,533 [WARNING] * Debugger is active! +2025-02-26 11:41:48,537 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:41:54,598 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:41:55,969 [INFO] 127.0.0.1 - - [26/Feb/2025 11:41:55] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:41:55,980 [INFO] 127.0.0.1 - - [26/Feb/2025 11:41:55] "GET /audio/e659b123-5e93-4eeb-bd21-3e605d9a9193 HTTP/1.1" 206 - +2025-02-26 11:42:01,798 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:42:07,399 [ERROR] Error en wav2lip_animate: Error al generar la animación +2025-02-26 11:42:07,399 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: Error al generar la animación +2025-02-26 11:42:07,401 [INFO] 127.0.0.1 - - [26/Feb/2025 11:42:07] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:42:34,184 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading diff --git a/logs/app_20250226_114236.log b/logs/app_20250226_114236.log new file mode 100644 index 0000000000000000000000000000000000000000..e9c3e1d6587802e88659e63c0e1ab7e7bf34fd78 --- /dev/null +++ b/logs/app_20250226_114236.log @@ -0,0 +1,7 @@ +2025-02-26 11:42:36,560 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:42:36,561 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:42:36,562 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:42:36,576 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:42:36,595 [WARNING] * Debugger is active! +2025-02-26 11:42:36,599 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:42:55,852 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading diff --git a/logs/app_20250226_114258.log b/logs/app_20250226_114258.log new file mode 100644 index 0000000000000000000000000000000000000000..bcfffdb2c86c1cc25d9cf1576700d037517afd86 --- /dev/null +++ b/logs/app_20250226_114258.log @@ -0,0 +1,14 @@ +2025-02-26 11:42:58,225 [INFO] Directorio temp_previews limpiado y recreado +2025-02-26 11:42:58,226 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:42:58,227 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:42:58,228 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:42:58,274 [WARNING] * Debugger is active! +2025-02-26 11:42:58,281 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:42:59,090 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:43:00,350 [INFO] 127.0.0.1 - - [26/Feb/2025 11:43:00] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:43:00,360 [INFO] 127.0.0.1 - - [26/Feb/2025 11:43:00] "GET /audio/e4f5de8a-2a18-40de-a194-24ae9d8cdf45 HTTP/1.1" 206 - +2025-02-26 11:43:01,972 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:43:07,030 [ERROR] Error: Error en la generación +2025-02-26 11:43:07,031 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: Error en la generación +2025-02-26 11:43:07,032 [INFO] 127.0.0.1 - - [26/Feb/2025 11:43:07] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:43:45,909 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading diff --git a/logs/app_20250226_114438.log b/logs/app_20250226_114438.log new file mode 100644 index 0000000000000000000000000000000000000000..a79e9530ae64045dde98856fd55bc7d8716f0752 --- /dev/null +++ b/logs/app_20250226_114438.log @@ -0,0 +1,25 @@ +2025-02-26 11:44:38,773 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:44:38,774 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:44:38,776 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:44:38,810 [INFO] WARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead. + * Running on http://127.0.0.1:5000 +2025-02-26 11:44:38,810 [INFO] Press CTRL+C to quit +2025-02-26 11:44:38,812 [INFO] * Restarting with stat +2025-02-26 11:45:37,945 [INFO] * Restarting with stat +2025-02-26 11:45:59,776 [INFO] * Restarting with stat +2025-02-26 11:47:25,641 [INFO] * Restarting with stat +2025-02-26 11:47:49,879 [INFO] * Restarting with stat +2025-02-26 11:48:10,731 [INFO] * Restarting with stat +2025-02-26 11:48:20,576 [INFO] * Restarting with stat +2025-02-26 11:48:33,232 [INFO] * Restarting with stat +2025-02-26 11:48:42,793 [INFO] * Restarting with stat +2025-02-26 11:48:58,609 [INFO] * Restarting with stat +2025-02-26 11:50:30,487 [INFO] * Restarting with stat +2025-02-26 11:50:39,231 [INFO] * Restarting with stat +2025-02-26 11:50:52,887 [INFO] * Restarting with stat +2025-02-26 11:50:56,827 [INFO] * Restarting with stat +2025-02-26 11:51:38,955 [INFO] * Restarting with stat +2025-02-26 11:51:48,631 [INFO] * Restarting with stat +2025-02-26 11:53:22,393 [INFO] * Restarting with stat +2025-02-26 11:54:35,187 [INFO] * Restarting with stat +2025-02-26 11:55:57,848 [INFO] * Restarting with stat diff --git a/logs/app_20250226_114440.log b/logs/app_20250226_114440.log new file mode 100644 index 0000000000000000000000000000000000000000..f1b7a627bfe6492f1c4e61aa789c12598d158d22 --- /dev/null +++ b/logs/app_20250226_114440.log @@ -0,0 +1,73 @@ +2025-02-26 11:44:40,967 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:44:40,968 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:44:40,969 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:44:40,988 [WARNING] * Debugger is active! +2025-02-26 11:44:40,991 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:44:47,474 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:44:48,814 [INFO] 127.0.0.1 - - [26/Feb/2025 11:44:48] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:44:48,823 [INFO] 127.0.0.1 - - [26/Feb/2025 11:44:48] "GET /audio/02f1b00a-a1cc-4247-9183-7efd2cadab4e HTTP/1.1" 206 - +2025-02-26 11:44:51,077 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:44:56,616 [ERROR] Error en wav2lip_animate: Error en la generación: Traceback (most recent call last): + File "C:\Users\Salomón\Desktop\reels\inference.py", line 370, in + main(args.checkpoint_path, args.face, args.audio, args.outfile, + File "C:\Users\Salomón\Desktop\reels\inference.py", line 129, in main + model = _load(checkpoint_path, device) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\Desktop\reels\inference.py", line 313, in _load + checkpoint = torch.load(checkpoint_path, map_location=device) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\AppData\Local\Programs\Python\Python311\Lib\site-packages\torch\serialization.py", line 1028, in load + return _legacy_load(opened_file, map_location, pickle_module, **pickle_load_args) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\AppData\Local\Programs\Python\Python311\Lib\site-packages\torch\serialization.py", line 1256, in _legacy_load + result = unpickler.load() + ^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\AppData\Local\Programs\Python\Python311\Lib\site-packages\torch\serialization.py", line 1193, in persistent_load + wrap_storage=restore_location(obj, location), + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\AppData\Local\Programs\Python\Python311\Lib\site-packages\torch\serialization.py", line 1296, in restore_location + return default_restore_location(storage, map_location) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\AppData\Local\Programs\Python\Python311\Lib\site-packages\torch\serialization.py", line 381, in default_restore_location + result = fn(storage, location) + ^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\AppData\Local\Programs\Python\Python311\Lib\site-packages\torch\serialization.py", line 274, in _cuda_deserialize + device = validate_cuda_device(location) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\AppData\Local\Programs\Python\Python311\Lib\site-packages\torch\serialization.py", line 258, in validate_cuda_device + raise RuntimeError('Attempting to deserialize object on a CUDA ' +RuntimeError: Attempting to deserialize object on a CUDA device but torch.cuda.is_available() is False. If you are running on a CPU-only machine, please use torch.load with map_location=torch.device('cpu') to map your storages to the CPU. + +2025-02-26 11:44:56,616 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: Error en la generación: Traceback (most recent call last): + File "C:\Users\Salomón\Desktop\reels\inference.py", line 370, in + main(args.checkpoint_path, args.face, args.audio, args.outfile, + File "C:\Users\Salomón\Desktop\reels\inference.py", line 129, in main + model = _load(checkpoint_path, device) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\Desktop\reels\inference.py", line 313, in _load + checkpoint = torch.load(checkpoint_path, map_location=device) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\AppData\Local\Programs\Python\Python311\Lib\site-packages\torch\serialization.py", line 1028, in load + return _legacy_load(opened_file, map_location, pickle_module, **pickle_load_args) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\AppData\Local\Programs\Python\Python311\Lib\site-packages\torch\serialization.py", line 1256, in _legacy_load + result = unpickler.load() + ^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\AppData\Local\Programs\Python\Python311\Lib\site-packages\torch\serialization.py", line 1193, in persistent_load + wrap_storage=restore_location(obj, location), + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\AppData\Local\Programs\Python\Python311\Lib\site-packages\torch\serialization.py", line 1296, in restore_location + return default_restore_location(storage, map_location) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\AppData\Local\Programs\Python\Python311\Lib\site-packages\torch\serialization.py", line 381, in default_restore_location + result = fn(storage, location) + ^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\AppData\Local\Programs\Python\Python311\Lib\site-packages\torch\serialization.py", line 274, in _cuda_deserialize + device = validate_cuda_device(location) + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\AppData\Local\Programs\Python\Python311\Lib\site-packages\torch\serialization.py", line 258, in validate_cuda_device + raise RuntimeError('Attempting to deserialize object on a CUDA ' +RuntimeError: Attempting to deserialize object on a CUDA device but torch.cuda.is_available() is False. If you are running on a CPU-only machine, please use torch.load with map_location=torch.device('cpu') to map your storages to the CPU. + +2025-02-26 11:44:56,618 [INFO] 127.0.0.1 - - [26/Feb/2025 11:44:56] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:45:37,695 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_114540.log b/logs/app_20250226_114540.log new file mode 100644 index 0000000000000000000000000000000000000000..1dda98369ec0ba2fadb1294ee0e77221041c64df --- /dev/null +++ b/logs/app_20250226_114540.log @@ -0,0 +1,9 @@ +2025-02-26 11:45:40,267 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:45:40,268 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:45:40,269 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:45:40,287 [WARNING] * Debugger is active! +2025-02-26 11:45:40,291 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:45:46,904 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:45:48,025 [INFO] 127.0.0.1 - - [26/Feb/2025 11:45:48] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:45:48,040 [INFO] 127.0.0.1 - - [26/Feb/2025 11:45:48] "GET /audio/739847b8-fdc1-426f-a106-a7b68c9887f2 HTTP/1.1" 206 - +2025-02-26 11:45:59,541 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading diff --git a/logs/app_20250226_114601.log b/logs/app_20250226_114601.log new file mode 100644 index 0000000000000000000000000000000000000000..228a05f758ece1c38ec93dc41e8cba89ce797e96 --- /dev/null +++ b/logs/app_20250226_114601.log @@ -0,0 +1,29 @@ +2025-02-26 11:46:01,944 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:46:01,945 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:46:01,946 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:46:01,966 [WARNING] * Debugger is active! +2025-02-26 11:46:01,969 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:46:21,378 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:46:22,508 [INFO] 127.0.0.1 - - [26/Feb/2025 11:46:22] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:46:22,518 [INFO] 127.0.0.1 - - [26/Feb/2025 11:46:22] "GET /audio/5bb4588a-ee0b-4981-a77b-252a92866f07 HTTP/1.1" 206 - +2025-02-26 11:46:24,716 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:46:31,099 [ERROR] Error en wav2lip_animate: Error en la generación: usage: inference.py [-h] [--checkpoint_path CHECKPOINT_PATH] [--face FACE] + [--audio AUDIO] [--outfile OUTFILE] [--static] [--fps FPS] + [--pads PADS [PADS ...]] + [--face_det_batch_size FACE_DET_BATCH_SIZE] + [--wav2lip_batch_size WAV2LIP_BATCH_SIZE] + [--resize_factor RESIZE_FACTOR] [--crop CROP [CROP ...]] + [--box BOX [BOX ...]] [--rotate] [--nosmooth] +inference.py: error: unrecognized arguments: --cpu + +2025-02-26 11:46:31,100 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: Error en la generación: usage: inference.py [-h] [--checkpoint_path CHECKPOINT_PATH] [--face FACE] + [--audio AUDIO] [--outfile OUTFILE] [--static] [--fps FPS] + [--pads PADS [PADS ...]] + [--face_det_batch_size FACE_DET_BATCH_SIZE] + [--wav2lip_batch_size WAV2LIP_BATCH_SIZE] + [--resize_factor RESIZE_FACTOR] [--crop CROP [CROP ...]] + [--box BOX [BOX ...]] [--rotate] [--nosmooth] +inference.py: error: unrecognized arguments: --cpu + +2025-02-26 11:46:31,101 [INFO] 127.0.0.1 - - [26/Feb/2025 11:46:31] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:47:25,069 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_114727.log b/logs/app_20250226_114727.log new file mode 100644 index 0000000000000000000000000000000000000000..0152b8ba3746483082b73561df4892de0452b39f --- /dev/null +++ b/logs/app_20250226_114727.log @@ -0,0 +1,35 @@ +2025-02-26 11:47:27,954 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:47:27,955 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:47:27,955 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:47:27,974 [WARNING] * Debugger is active! +2025-02-26 11:47:27,977 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:47:30,278 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:47:31,745 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:47:31,749 [INFO] 127.0.0.1 - - [26/Feb/2025 11:47:31] "POST /generate-wav2lip HTTP/1.1" 404 - +2025-02-26 11:47:32,041 [INFO] 127.0.0.1 - - [26/Feb/2025 11:47:32] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:47:33,122 [INFO] 127.0.0.1 - - [26/Feb/2025 11:47:33] "GET /audio/2b750ff8-5ac1-4554-9a47-f93e2aecc2c4 HTTP/1.1" 206 - +2025-02-26 11:47:34,028 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:47:43,302 [ERROR] Error en wav2lip_animate: Error en la generación: Traceback (most recent call last): + File "C:\Users\Salomón\Desktop\reels\inference.py", line 388, in + main(args.checkpoint_path, args.face, args.audio, args.outfile, + File "C:\Users\Salomón\Desktop\reels\inference.py", line 147, in main + bbox = face_detect([frame])[0] + ^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\Desktop\reels\inference.py", line 230, in face_detect + flip_input=False, device=device) + ^^^^^^ +NameError: name 'device' is not defined + +2025-02-26 11:47:43,303 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: Error en la generación: Traceback (most recent call last): + File "C:\Users\Salomón\Desktop\reels\inference.py", line 388, in + main(args.checkpoint_path, args.face, args.audio, args.outfile, + File "C:\Users\Salomón\Desktop\reels\inference.py", line 147, in main + bbox = face_detect([frame])[0] + ^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\Desktop\reels\inference.py", line 230, in face_detect + flip_input=False, device=device) + ^^^^^^ +NameError: name 'device' is not defined + +2025-02-26 11:47:43,304 [INFO] 127.0.0.1 - - [26/Feb/2025 11:47:43] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:47:49,329 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\utils\\video_processing.py', reloading diff --git a/logs/app_20250226_114752.log b/logs/app_20250226_114752.log new file mode 100644 index 0000000000000000000000000000000000000000..473a624e46495d80591f7f11186bbb96879d8687 --- /dev/null +++ b/logs/app_20250226_114752.log @@ -0,0 +1,6 @@ +2025-02-26 11:47:52,158 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:47:52,160 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:47:52,160 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:47:52,180 [WARNING] * Debugger is active! +2025-02-26 11:47:52,184 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:48:10,428 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_114813.log b/logs/app_20250226_114813.log new file mode 100644 index 0000000000000000000000000000000000000000..4579b3868ac7d639a357b0c5ab5c317488dc2627 --- /dev/null +++ b/logs/app_20250226_114813.log @@ -0,0 +1,21 @@ +2025-02-26 11:48:13,044 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:48:13,045 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:48:13,047 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:48:13,066 [WARNING] * Debugger is active! +2025-02-26 11:48:13,070 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:48:14,471 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:48:15,678 [INFO] 127.0.0.1 - - [26/Feb/2025 11:48:15] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:48:15,686 [INFO] 127.0.0.1 - - [26/Feb/2025 11:48:15] "GET /audio/c98a1611-cb69-482b-a6df-174c2ac12a42 HTTP/1.1" 206 - +2025-02-26 11:48:18,592 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:48:18,660 [ERROR] Error en wav2lip_animate: Error en la generación: File "C:\Users\Salomón\Desktop\reels\inference.py", line 93 + global device, face_det_batch_size, wav2lip_batch_size, box, static, pads + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +SyntaxError: name 'face_det_batch_size' is parameter and global + +2025-02-26 11:48:18,661 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: Error en la generación: File "C:\Users\Salomón\Desktop\reels\inference.py", line 93 + global device, face_det_batch_size, wav2lip_batch_size, box, static, pads + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +SyntaxError: name 'face_det_batch_size' is parameter and global + +2025-02-26 11:48:18,662 [INFO] 127.0.0.1 - - [26/Feb/2025 11:48:18] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:48:20,236 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/logs/app_20250226_114822.log b/logs/app_20250226_114822.log new file mode 100644 index 0000000000000000000000000000000000000000..b94fc696f16659878386394aaf2d0ce7b937cd1c --- /dev/null +++ b/logs/app_20250226_114822.log @@ -0,0 +1,70 @@ +2025-02-26 11:48:22,797 [INFO] Directorio temp_audio limpiado y recreado +2025-02-26 11:48:22,798 [INFO] Directorio temp_wav2lip limpiado y recreado +2025-02-26 11:48:22,799 [INFO] Directorio wav2lip_temp limpiado y recreado +2025-02-26 11:48:22,817 [WARNING] * Debugger is active! +2025-02-26 11:48:22,820 [INFO] * Debugger PIN: 129-368-041 +2025-02-26 11:48:22,853 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:48:22,854 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:48:22,859 [INFO] 127.0.0.1 - - [26/Feb/2025 11:48:22] "POST /generate-wav2lip HTTP/1.1" 404 - +2025-02-26 11:48:23,914 [INFO] 127.0.0.1 - - [26/Feb/2025 11:48:23] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:48:24,124 [INFO] 127.0.0.1 - - [26/Feb/2025 11:48:24] "GET /audio/dbac994d-d5f3-4bf0-9282-873eb8bb5954 HTTP/1.1" 206 - +2025-02-26 11:48:24,539 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:48:25,810 [INFO] 127.0.0.1 - - [26/Feb/2025 11:48:25] "POST /generate-tts HTTP/1.1" 200 - +2025-02-26 11:48:25,819 [INFO] 127.0.0.1 - - [26/Feb/2025 11:48:25] "GET /audio/1e816b98-5408-46ae-af33-87ed6e512a06 HTTP/1.1" 206 - +2025-02-26 11:48:26,448 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:48:26,824 [DEBUG] Using proactor: IocpProactor +2025-02-26 11:48:32,554 [ERROR] Error en wav2lip_animate: Error en la generación: Traceback (most recent call last): + File "C:\Users\Salomón\Desktop\reels\inference.py", line 396, in + main(args.checkpoint_path, args.face, args.audio, args.outfile, + File "C:\Users\Salomón\Desktop\reels\inference.py", line 149, in main + bbox = face_detect(frames)[0] + ^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\Desktop\reels\inference.py", line 237, in face_detect + detector = face_detection.FaceAlignment(face_detection.LandmarksType._2D, + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\Desktop\reels\face_detection\api.py", line 26, in __init__ + raise FileNotFoundError(f"No se encontró el modelo SFD en {model_path}") +FileNotFoundError: No se encontró el modelo SFD en C:\Users\Salomón\Desktop\reels\face_detection\detection/sfd/s3fd.pth + +2025-02-26 11:48:32,555 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: Error en la generación: Traceback (most recent call last): + File "C:\Users\Salomón\Desktop\reels\inference.py", line 396, in + main(args.checkpoint_path, args.face, args.audio, args.outfile, + File "C:\Users\Salomón\Desktop\reels\inference.py", line 149, in main + bbox = face_detect(frames)[0] + ^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\Desktop\reels\inference.py", line 237, in face_detect + detector = face_detection.FaceAlignment(face_detection.LandmarksType._2D, + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\Desktop\reels\face_detection\api.py", line 26, in __init__ + raise FileNotFoundError(f"No se encontró el modelo SFD en {model_path}") +FileNotFoundError: No se encontró el modelo SFD en C:\Users\Salomón\Desktop\reels\face_detection\detection/sfd/s3fd.pth + +2025-02-26 11:48:32,556 [INFO] 127.0.0.1 - - [26/Feb/2025 11:48:32] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:48:32,951 [ERROR] Error en wav2lip_animate: Error en la generación: Traceback (most recent call last): + File "C:\Users\Salomón\Desktop\reels\inference.py", line 396, in + main(args.checkpoint_path, args.face, args.audio, args.outfile, + File "C:\Users\Salomón\Desktop\reels\inference.py", line 149, in main + bbox = face_detect(frames)[0] + ^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\Desktop\reels\inference.py", line 237, in face_detect + detector = face_detection.FaceAlignment(face_detection.LandmarksType._2D, + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\Desktop\reels\face_detection\api.py", line 26, in __init__ + raise FileNotFoundError(f"No se encontró el modelo SFD en {model_path}") +FileNotFoundError: No se encontró el modelo SFD en C:\Users\Salomón\Desktop\reels\face_detection\detection/sfd/s3fd.pth + +2025-02-26 11:48:32,952 [ERROR] Error en generate_wav2lip_route: Error en wav2lip_animate: Error en la generación: Traceback (most recent call last): + File "C:\Users\Salomón\Desktop\reels\inference.py", line 396, in + main(args.checkpoint_path, args.face, args.audio, args.outfile, + File "C:\Users\Salomón\Desktop\reels\inference.py", line 149, in main + bbox = face_detect(frames)[0] + ^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\Desktop\reels\inference.py", line 237, in face_detect + detector = face_detection.FaceAlignment(face_detection.LandmarksType._2D, + ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + File "C:\Users\Salomón\Desktop\reels\face_detection\api.py", line 26, in __init__ + raise FileNotFoundError(f"No se encontró el modelo SFD en {model_path}") +FileNotFoundError: No se encontró el modelo SFD en C:\Users\Salomón\Desktop\reels\face_detection\detection/sfd/s3fd.pth + +2025-02-26 11:48:32,953 [INFO] 127.0.0.1 - - [26/Feb/2025 11:48:32] "POST /generate-wav2lip HTTP/1.1" 500 - +2025-02-26 11:48:32,991 [INFO] * Detected change in 'C:\\Users\\Salomón\\Desktop\\reels\\inference.py', reloading diff --git a/models/__init__.py b/models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..f3c7f4802f607adfbaa93e364e3d526673d4166c --- /dev/null +++ b/models/__init__.py @@ -0,0 +1 @@ +from .wav2lip import Wav2Lip \ No newline at end of file diff --git a/models/__pycache__/__init__.cpython-311.pyc b/models/__pycache__/__init__.cpython-311.pyc new file mode 100644 index 0000000000000000000000000000000000000000..2621420d686aab262c3e6dcdb83e2e08a2128669 Binary files /dev/null and b/models/__pycache__/__init__.cpython-311.pyc differ diff --git a/models/__pycache__/wav2lip.cpython-311.pyc b/models/__pycache__/wav2lip.cpython-311.pyc new file mode 100644 index 0000000000000000000000000000000000000000..1cf8c97b246a91e3747fe9c1074b500412dab4bd Binary files /dev/null and b/models/__pycache__/wav2lip.cpython-311.pyc differ diff --git a/models/wav2lip.py b/models/wav2lip.py new file mode 100644 index 0000000000000000000000000000000000000000..43f6649396d598f9ace605d79f9f77f25a2d3f4f --- /dev/null +++ b/models/wav2lip.py @@ -0,0 +1,157 @@ +import torch +from torch import nn +from torch.nn import functional as F +import math + +class Conv2d(nn.Module): + def __init__(self, cin, cout, kernel_size, stride, padding, residual=False, *args, **kwargs): + super().__init__(*args, **kwargs) + self.conv_block = nn.Sequential( + nn.Conv2d(cin, cout, kernel_size, stride, padding), + nn.BatchNorm2d(cout) + ) + self.act = nn.ReLU() + self.residual = residual + + def forward(self, x): + out = self.conv_block(x) + if self.residual: + out += x + return self.act(out) + +class Conv2dTranspose(nn.Module): + def __init__(self, cin, cout, kernel_size, stride, padding, output_padding=0, *args, **kwargs): + super().__init__(*args, **kwargs) + self.conv_block = nn.Sequential( + nn.ConvTranspose2d(cin, cout, kernel_size, stride, padding, output_padding), + nn.BatchNorm2d(cout) + ) + self.act = nn.ReLU() + + def forward(self, x): + out = self.conv_block(x) + return self.act(out) + +class Wav2Lip(nn.Module): + def __init__(self): + super(Wav2Lip, self).__init__() + + self.face_encoder_blocks = nn.ModuleList([ + nn.Sequential(Conv2d(6, 16, kernel_size=7, stride=1, padding=3)), # 96,96 + + nn.Sequential(Conv2d(16, 32, kernel_size=3, stride=2, padding=1), # 48,48 + Conv2d(32, 32, kernel_size=3, stride=1, padding=1, residual=True), + Conv2d(32, 32, kernel_size=3, stride=1, padding=1, residual=True)), + + nn.Sequential(Conv2d(32, 64, kernel_size=3, stride=2, padding=1), # 24,24 + Conv2d(64, 64, kernel_size=3, stride=1, padding=1, residual=True), + Conv2d(64, 64, kernel_size=3, stride=1, padding=1, residual=True), + Conv2d(64, 64, kernel_size=3, stride=1, padding=1, residual=True)), + + nn.Sequential(Conv2d(64, 128, kernel_size=3, stride=2, padding=1), # 12,12 + Conv2d(128, 128, kernel_size=3, stride=1, padding=1, residual=True), + Conv2d(128, 128, kernel_size=3, stride=1, padding=1, residual=True)), + + nn.Sequential(Conv2d(128, 256, kernel_size=3, stride=2, padding=1), # 6,6 + Conv2d(256, 256, kernel_size=3, stride=1, padding=1, residual=True), + Conv2d(256, 256, kernel_size=3, stride=1, padding=1, residual=True)), + + nn.Sequential(Conv2d(256, 512, kernel_size=3, stride=2, padding=1), # 3,3 + Conv2d(512, 512, kernel_size=3, stride=1, padding=1, residual=True),), + + nn.Sequential(Conv2d(512, 512, kernel_size=3, stride=1, padding=0), # 1, 1 + Conv2d(512, 512, kernel_size=1, stride=1, padding=0)),]) + + self.audio_encoder = nn.Sequential( + Conv2d(1, 32, kernel_size=3, stride=1, padding=1), + Conv2d(32, 32, kernel_size=3, stride=1, padding=1, residual=True), + Conv2d(32, 32, kernel_size=3, stride=1, padding=1, residual=True), + + Conv2d(32, 64, kernel_size=3, stride=(3, 1), padding=1), + Conv2d(64, 64, kernel_size=3, stride=1, padding=1, residual=True), + Conv2d(64, 64, kernel_size=3, stride=1, padding=1, residual=True), + + Conv2d(64, 128, kernel_size=3, stride=3, padding=1), + Conv2d(128, 128, kernel_size=3, stride=1, padding=1, residual=True), + Conv2d(128, 128, kernel_size=3, stride=1, padding=1, residual=True), + + Conv2d(128, 256, kernel_size=3, stride=(3, 2), padding=1), + Conv2d(256, 256, kernel_size=3, stride=1, padding=1, residual=True), + + Conv2d(256, 512, kernel_size=3, stride=1, padding=0), + Conv2d(512, 512, kernel_size=1, stride=1, padding=0),) + + self.face_decoder_blocks = nn.ModuleList([ + nn.Sequential(Conv2d(512, 512, kernel_size=1, stride=1, padding=0),), + + nn.Sequential(Conv2dTranspose(1024, 512, kernel_size=3, stride=1, padding=0), # 3,3 + Conv2d(512, 512, kernel_size=3, stride=1, padding=1, residual=True),), + + nn.Sequential(Conv2dTranspose(1024, 512, kernel_size=3, stride=2, padding=1, output_padding=1), + Conv2d(512, 512, kernel_size=3, stride=1, padding=1, residual=True), + Conv2d(512, 512, kernel_size=3, stride=1, padding=1, residual=True),), # 6, 6 + + nn.Sequential(Conv2dTranspose(768, 384, kernel_size=3, stride=2, padding=1, output_padding=1), + Conv2d(384, 384, kernel_size=3, stride=1, padding=1, residual=True), + Conv2d(384, 384, kernel_size=3, stride=1, padding=1, residual=True),), # 12, 12 + + nn.Sequential(Conv2dTranspose(512, 256, kernel_size=3, stride=2, padding=1, output_padding=1), + Conv2d(256, 256, kernel_size=3, stride=1, padding=1, residual=True), + Conv2d(256, 256, kernel_size=3, stride=1, padding=1, residual=True),), # 24, 24 + + nn.Sequential(Conv2dTranspose(320, 128, kernel_size=3, stride=2, padding=1, output_padding=1), + Conv2d(128, 128, kernel_size=3, stride=1, padding=1, residual=True), + Conv2d(128, 128, kernel_size=3, stride=1, padding=1, residual=True),), # 48, 48 + + nn.Sequential(Conv2dTranspose(160, 64, kernel_size=3, stride=2, padding=1, output_padding=1), + Conv2d(64, 64, kernel_size=3, stride=1, padding=1, residual=True), + Conv2d(64, 64, kernel_size=3, stride=1, padding=1, residual=True),),]) # 96,96 + + self.output_block = nn.Sequential(Conv2d(80, 32, kernel_size=3, stride=1, padding=1), + nn.Conv2d(32, 3, kernel_size=1, stride=1, padding=0), + nn.Sigmoid()) + + def forward(self, audio_sequences, face_sequences): + # audio_sequences = (B, T, 1, 80, 16) + B = audio_sequences.size(0) + + input_dim_size = len(face_sequences.size()) + if input_dim_size > 4: + audio_sequences = torch.cat([audio_sequences[:, i] for i in range(audio_sequences.size(1))], dim=0) + face_sequences = torch.cat([face_sequences[:, :, i] for i in range(face_sequences.size(2))], dim=0) + + audio_embedding = self.audio_encoder(audio_sequences) # B, 512, 1, 1 + + feats = [] + x = face_sequences + for f in self.face_encoder_blocks: + x = f(x) + feats.append(x) + + x = audio_embedding + for f in self.face_decoder_blocks: + x = f(x) + try: + x = torch.cat((x, feats[-1]), dim=1) + except Exception as e: + print(x.size()) + print(feats[-1].size()) + raise e + + feats.pop() + + x = self.output_block(x) + + if input_dim_size > 4: + x = torch.split(x, B, dim=0) # [(B, C, H, W)] + outputs = torch.stack(x, dim=2) # (B, C, T, H, W) + else: + outputs = x + + return outputs + + def to_device(self, device): + self.to(device) + for block in self.face_encoder_blocks: + block.to(device) + return self \ No newline at end of file diff --git a/static/female.png b/static/female.png new file mode 100644 index 0000000000000000000000000000000000000000..19689dac7193bcd920607765522b8463587340a4 --- /dev/null +++ b/static/female.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c695668818db3bfe2fb85bb15d83a6999d5c75904c9d2cfbcc9db7bad8617a4a +size 100684 diff --git a/static/male.png b/static/male.png new file mode 100644 index 0000000000000000000000000000000000000000..0b4dfab29a0d05ae5d1ec4e071aa8ab78de9f9af --- /dev/null +++ b/static/male.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e3764757f892b241d034c18bc60915f33b9ec667e511eee60080b5c6da3ad11 +size 118503 diff --git a/temp/result.avi b/temp/result.avi new file mode 100644 index 0000000000000000000000000000000000000000..d3c0060f7e04433f3b2ad43cc7ae9b54adc5a4c5 --- /dev/null +++ b/temp/result.avi @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3721e443e331125dc1d07d473764c335b52ad07656b909333dd3025482930951 +size 570972 diff --git a/temp/temp.wav b/temp/temp.wav new file mode 100644 index 0000000000000000000000000000000000000000..a5f0002a6aa5448b984ec0d8c399f4d87cf8ac9f --- /dev/null +++ b/temp/temp.wav @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7485b0ec6059b89794237e73e3a3de9f377c6f24e13761f661772ad0c53b3cf7 +size 792654 diff --git a/temp_audio/49aaa462-ce40-4243-b714-77100da30bc4.mp3 b/temp_audio/49aaa462-ce40-4243-b714-77100da30bc4.mp3 new file mode 100644 index 0000000000000000000000000000000000000000..aab27ac6ff16204efd68bf55a7ac815dbc620c72 Binary files /dev/null and b/temp_audio/49aaa462-ce40-4243-b714-77100da30bc4.mp3 differ diff --git a/templates/index.html b/templates/index.html new file mode 100644 index 0000000000000000000000000000000000000000..5682df0d143bcd2b95113b77263cd19f0441ddc1 --- /dev/null +++ b/templates/index.html @@ -0,0 +1,555 @@ + + + + + + Generador de Videos de Reacción + + + + + + +
+

Generador de Videos de Reacción

+ +
+ +
+

Video Base

+
+ + + +
+ + + + +
+ + +
+ + +
+

Estado de Procesos

+
    +
  • + + + + Descarga y Recorte del Video Base +
  • +
  • + + + + Carga de Modelo Wav2Lip +
  • +
  • + + + + Detección de Rostro +
  • +
  • + + + + Procesamiento de Audio +
  • +
  • + + + + Inferencia del Modelo +
  • +
  • + + + + Generación de Video Final +
  • +
  • + + + + Fusión de Videos +
  • +
+
+
+ + +
+

Reacción

+
+ + +
+ +
+ + +
+ + + + + +
+ +
+
+ +

Femenino

+
+
+ +

Masculino

+
+
+ +
+
+ + +
+ + + + +
+
+ + +
+ + + +
+
+ + + + \ No newline at end of file diff --git a/test_files/test.txt b/test_files/test.txt new file mode 100644 index 0000000000000000000000000000000000000000..25b690689b298649c027af668c051282a96eed6c Binary files /dev/null and b/test_files/test.txt differ diff --git a/uploads/b79f48b7-26cb-4b71-8bde-f373643576c9.png b/uploads/b79f48b7-26cb-4b71-8bde-f373643576c9.png new file mode 100644 index 0000000000000000000000000000000000000000..ad06a5faa6658b036a8200813102108b5d74e03f --- /dev/null +++ b/uploads/b79f48b7-26cb-4b71-8bde-f373643576c9.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98add917efad1f5593292f0efab9b31c695e825f9f9047d8d22344bec3b65054 +size 248377 diff --git a/uploads/male.png b/uploads/male.png new file mode 100644 index 0000000000000000000000000000000000000000..0b4dfab29a0d05ae5d1ec4e071aa8ab78de9f9af --- /dev/null +++ b/uploads/male.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e3764757f892b241d034c18bc60915f33b9ec667e511eee60080b5c6da3ad11 +size 118503 diff --git a/utils/__pycache__/tts_processing.cpython-311.pyc b/utils/__pycache__/tts_processing.cpython-311.pyc new file mode 100644 index 0000000000000000000000000000000000000000..ed8e32b9be15a2750c409bdeb107a84f19f6d204 Binary files /dev/null and b/utils/__pycache__/tts_processing.cpython-311.pyc differ diff --git a/utils/__pycache__/video_processing.cpython-311.pyc b/utils/__pycache__/video_processing.cpython-311.pyc new file mode 100644 index 0000000000000000000000000000000000000000..a92563cbb2d5e25d9b1405aa9b41da75a86525f7 Binary files /dev/null and b/utils/__pycache__/video_processing.cpython-311.pyc differ diff --git a/utils/tts_processing.py b/utils/tts_processing.py new file mode 100644 index 0000000000000000000000000000000000000000..3475b6f519fa2d7ad6daa94eddc6ea19724073ca --- /dev/null +++ b/utils/tts_processing.py @@ -0,0 +1,43 @@ +import edge_tts +import os +import logging +import uuid +import asyncio +from pathlib import Path + +logger = logging.getLogger(__name__) + +async def generate_tts_with_fallback(text=None, voice='es-MX-JorgeNeural'): + try: + if not text: + raise ValueError("El texto no puede estar vacío") + + os.makedirs('temp_audio', exist_ok=True) + audio_path = os.path.join('temp_audio', f"{uuid.uuid4()}.mp3") + + logger.info(f"Generando audio con voz {voice}") + logger.info(f"Texto: {text}") + + voice_obj = edge_tts.Communicate(text=text, voice=voice) + await voice_obj.save(audio_path) + + if not os.path.exists(audio_path): + raise Exception("No se generó el archivo de audio") + + file_size = os.path.getsize(audio_path) + logger.info(f"Tamaño del archivo de audio: {file_size} bytes") + + if file_size < 1024: + raise Exception("El archivo de audio generado es demasiado pequeño") + + return True, audio_path, None + + except Exception as e: + error_msg = f"Error en Edge TTS: {str(e)}" + logger.error(error_msg) + if os.path.exists(audio_path): + try: + os.remove(audio_path) + except: + pass + return False, None, error_msg \ No newline at end of file diff --git a/utils/video_processing.py b/utils/video_processing.py new file mode 100644 index 0000000000000000000000000000000000000000..b2ef8e18ab0aeadcc85f1bfeb0fa91155cd4ae03 --- /dev/null +++ b/utils/video_processing.py @@ -0,0 +1,366 @@ +import cv2 +import numpy as np +import ffmpeg +import os +import logging +import shutil +from pathlib import Path +import yt_dlp +import pytube +import requests +import uuid +from moviepy.editor import VideoFileClip, AudioFileClip, CompositeVideoClip +import random +import string +import sys +import subprocess +import unicodedata +import time + +logger = logging.getLogger(__name__) + +def download_wav2lip_model(): + try: + model_url = "https://iiitaphyd-my.sharepoint.com/personal/radrabha_m_research_iiit_ac_in/_layouts/15/download.aspx?share=EdjI7bZlgApMqsVoEUUXpLsBxqXbn5z8VTmoxp55YNDcIA" + checkpoint_dir = 'checkpoints' + os.makedirs(checkpoint_dir, exist_ok=True) + + model_path = os.path.join(checkpoint_dir, 'wav2lip_gan.pth') + if os.path.exists(model_path): + return model_path + + logger.info("Descargando modelo Wav2Lip...") + response = requests.get(model_url, stream=True) + response.raise_for_status() + + temp_path = model_path + '.temp' + with open(temp_path, 'wb') as f: + for chunk in response.iter_content(chunk_size=8192): + if chunk: + f.write(chunk) + + shutil.move(temp_path, model_path) + logger.info(f"Modelo descargado en: {model_path}") + return model_path + + except Exception as e: + if os.path.exists(temp_path): + os.remove(temp_path) + logger.error(f"Error al descargar modelo Wav2Lip: {str(e)}") + raise + +def verify_output_video(output_path, fallback_path=None): + try: + logger.info(f"Verificando archivo de salida: {output_path}") + + if not os.path.exists(output_path): + logger.error(f"Archivo no existe: {output_path}") + return False + + file_size = os.path.getsize(output_path) + logger.info(f"Tamaño del archivo: {file_size} bytes") + + if file_size < 1024: + logger.error(f"Archivo demasiado pequeño: {file_size} bytes") + return False + + probe = ffmpeg.probe(output_path) + video_stream = next((stream for stream in probe['streams'] if stream['codec_type'] == 'video'), None) + + if not video_stream: + logger.error("No se encontró stream de video") + return False + + width = int(video_stream.get('width', 0)) + height = int(video_stream.get('height', 0)) + duration = float(probe['format'].get('duration', 0)) + + logger.info(f"Dimensiones: {width}x{height}, Duración: {duration}s") + + if width <= 0 or height <= 0 or duration <= 0: + logger.error(f"Dimensiones o duración inválidas") + return False + + return True + + except Exception as e: + logger.error(f"Error al verificar video: {str(e)}") + if fallback_path and os.path.exists(fallback_path): + logger.info(f"Intentando usar fallback: {fallback_path}") + try: + shutil.copy2(fallback_path, output_path) + return verify_output_video(output_path, None) + except Exception as e: + logger.error(f"Error al usar fallback: {str(e)}") + return False + +def download_video_with_fallback(url, output_path): + errors = [] + + try: + ydl_opts = { + 'format': 'best[height<=720]', + 'outtmpl': output_path, + 'quiet': True, + 'no_warnings': True, + 'extract_audio': False, + } + with yt_dlp.YoutubeDL(ydl_opts) as ydl: + ydl.download([url]) + if os.path.exists(output_path) and os.path.getsize(output_path) > 0: + return True, None + except Exception as e: + errors.append(f"yt-dlp error: {str(e)}") + + try: + yt = pytube.YouTube(url) + stream = yt.streams.filter(progressive=True, file_extension='mp4').order_by('resolution').desc().first() + if stream: + stream.download(filename=output_path) + if os.path.exists(output_path) and os.path.getsize(output_path) > 0: + return True, None + except Exception as e: + errors.append(f"pytube error: {str(e)}") + + try: + video_id = url.split('v=')[1].split('&')[0] + formats = ['720p', '480p', '360p'] + + for fmt in formats: + try: + direct_url = f"https://youtube.com/watch?v={video_id}&format={fmt}" + response = requests.get(direct_url, stream=True, timeout=30) + if response.status_code == 200: + with open(output_path, 'wb') as f: + for chunk in response.iter_content(chunk_size=8192): + if chunk: + f.write(chunk) + if os.path.exists(output_path) and os.path.getsize(output_path) > 0: + return True, None + except: + continue + except Exception as e: + errors.append(f"requests error: {str(e)}") + + error_msg = "\n".join(errors) + logger.error(f"Errores de descarga:\n{error_msg}") + return False, error_msg + +def inference_preview(input_video, start_time, end_time, output_path): + logger.info(f"Iniciando inference_preview con video: {input_video}") + logger.info(f"Tiempo inicio: {start_time}, fin: {end_time}") + logger.info(f"Salida: {output_path}") + + if not os.path.exists(input_video): + error = f"Video no encontrado: {input_video}" + logger.error(error) + return False, error + + try: + cap = cv2.VideoCapture(input_video) + if not cap.isOpened(): + error = "No se pudo abrir el video" + logger.error(error) + return False, error + + width = int(cap.get(cv2.CAP_PROP_FRAME_WIDTH)) + height = int(cap.get(cv2.CAP_PROP_FRAME_HEIGHT)) + fps = int(cap.get(cv2.CAP_PROP_FPS)) + total_frames = int(cap.get(cv2.CAP_PROP_FRAME_COUNT)) + + logger.info(f"Propiedades del video - Dimensiones: {width}x{height}, FPS: {fps}, Frames totales: {total_frames}") + + os.makedirs(os.path.dirname(output_path), exist_ok=True) + + try: + logger.info("Intentando procesar con FFmpeg...") + ffmpeg.input(input_video).output( + output_path, + vcodec='libvpx-vp9', + acodec='libvorbis', + video_bitrate='2M', + vf=f'scale={width}:{height},format=yuva420p', + pix_fmt='yuva420p', + alpha_quality=1 + ).overwrite_output().run(capture_stdout=True, capture_stderr=True) + + if verify_output_video(output_path): + logger.info("FFmpeg procesó el video exitosamente") + return True, output_path + else: + logger.warning("FFmpeg falló en generar un archivo válido") + except Exception as e: + logger.error(f"Error con FFmpeg: {str(e)}") + + logger.info("Intentando procesar con OpenCV...") + temp_output = output_path + '.temp.webm' + + fourcc_webm = cv2.VideoWriter_fourcc(*'VP90') + out_webm = cv2.VideoWriter( + temp_output, + fourcc_webm, + fps, + (width, height), + True, + params=[ + cv2.VIDEOWRITER_PROP_QUALITY, 100, + cv2.VIDEOWRITER_PROP_FORMAT, cv2.VideoWriter.fourcc('B','G','R','A') + ] + ) + + if not out_webm.isOpened(): + logger.warning("VP9 falló, intentando con VP8") + fourcc_webm = cv2.VideoWriter_fourcc(*'VP80') + out_webm = cv2.VideoWriter( + temp_output, + fourcc_webm, + fps, + (width, height), + True + ) + + if not out_webm.isOpened(): + error = "No se pudo crear el writer de video" + logger.error(error) + return False, error + + start_frame = int(start_time * fps) + end_frame = int(end_time * fps) if end_time > 0 else total_frames + + logger.info(f"Procesando frames {start_frame} a {end_frame}") + + cap.set(cv2.CAP_PROP_POS_FRAMES, start_frame) + frame_count = 0 + + while True: + ret, frame = cap.read() + if not ret or frame_count >= (end_frame - start_frame): + break + + # Convertir a BGRA y procesar alpha + frame_rgba = cv2.cvtColor(frame, cv2.COLOR_BGR2BGRA) + + # Crear máscara alpha basada en los bordes + gray = cv2.cvtColor(frame, cv2.COLOR_BGR2GRAY) + edges = cv2.Canny(gray, 100, 200) + alpha_mask = cv2.GaussianBlur(edges, (5,5), 0) + + # Aplicar máscara alpha + frame_rgba[..., 3] = alpha_mask + + # Suavizar bordes + frame_rgba = cv2.GaussianBlur(frame_rgba, (3,3), 0) + + success = out_webm.write(frame_rgba) + if not success: + logger.error(f"Error al escribir frame {frame_count}") + + frame_count += 1 + + if frame_count % 30 == 0: + logger.info(f"Procesando frame {frame_count}/{end_frame - start_frame}") + + cap.release() + out_webm.release() + + if verify_output_video(temp_output): + logger.info("Video temporal generado correctamente") + shutil.move(temp_output, output_path) + logger.info(f"Video final guardado en: {output_path}") + return True, output_path + + error = "No se pudo generar un archivo válido" + logger.error(error) + return False, error + + except Exception as e: + error_msg = f"Error al procesar frames: {str(e)}" + logger.error(error_msg) + return False, error_msg + + finally: + if 'cap' in locals(): + cap.release() + if 'out_webm' in locals(): + out_webm.release() + +def cleanup_old_files(directory, max_age_hours=24): + try: + if not os.path.exists(directory): + return + + current_time = time.time() + max_age_seconds = max_age_hours * 3600 + + for item in os.listdir(directory): + item_path = os.path.join(directory, item) + if os.path.isfile(item_path): + file_age = current_time - os.path.getmtime(item_path) + if file_age > max_age_seconds: + try: + os.remove(item_path) + logger.info(f"Archivo eliminado: {item_path}") + except Exception as e: + logger.error(f"Error al eliminar archivo {item_path}: {str(e)}") + + except Exception as e: + logger.error(f"Error en cleanup_old_files: {str(e)}") + +def wav2lip_animate(image_path, audio_path, use_gpu=True): + try: + session_id = str(uuid.uuid4())[:8] + output_dir = os.path.join('wav2lip_temp', session_id, 'results') + os.makedirs(output_dir, exist_ok=True) + + output_path = os.path.join(output_dir, 'result_voice.webm') + + checkpoint_path = os.path.abspath('checkpoints/wav2lip_gan.pth') + if not os.path.exists(checkpoint_path): + raise FileNotFoundError(f"No se encontró el checkpoint en: {checkpoint_path}") + + image_path = os.path.abspath(image_path) + audio_path = os.path.abspath(audio_path) + output_path = os.path.abspath(output_path) + + logger.info(f"Buscando audio en: {audio_path}") + + cmd = [ + 'python', 'inference.py', + '--checkpoint_path', checkpoint_path, + '--face', image_path, + '--audio', audio_path, + '--outfile', output_path, + '--static', + '--wav2lip_batch_size', '32', + '--face_det_batch_size', '4', + '--pads', '0', '10', '0', '0' + ] + + if not use_gpu: + cmd.append('--cpu') + + cmd_str = ' '.join(cmd) + logger.info(f"Ejecutando comando: {cmd_str}") + + process = subprocess.Popen( + cmd_str, + shell=True, + stdout=subprocess.PIPE, + stderr=subprocess.PIPE, + universal_newlines=True + ) + + stdout, stderr = process.communicate() + + if process.returncode != 0: + logger.error(f"Error en wav2lip: {stderr}") + raise Exception(f"Error en wav2lip: {stderr}") + + if not os.path.exists(output_path): + raise FileNotFoundError(f"No se generó el archivo de salida en: {output_path}") + + return session_id + + except Exception as e: + logger.error(f"Error en wav2lip_animate: {str(e)}") + raise \ No newline at end of file diff --git a/wav2lip_temp/progress.txt b/wav2lip_temp/progress.txt new file mode 100644 index 0000000000000000000000000000000000000000..9e975aeb43bca63c44f673afeddc0b5d947da23f --- /dev/null +++ b/wav2lip_temp/progress.txt @@ -0,0 +1 @@ +{"progress": 50, "status": "Detectando rostros..."} \ No newline at end of file