Activity for ftserver-android

  • iBoxDB iBoxDB modified a comment on discussion General Discussion

  • iBoxDB iBoxDB posted a comment on discussion General Discussion

    image

  • iBoxDB iBoxDB modified a comment on discussion General Discussion

    #!/usr/bin/env python # coding: utf-8 '''The simplest deep learning, Continuous reinforcement, Run in desktop UI''' '''for LunarLander-v3 Continuous v1.5''' '''python gym_lunar.py''' __credits__ = ["iBoxDB", "Bruce Yang CL-N", "2025-2"] # 3rd parts #https://pytorch.org CPU version only import torch #pip install "gymnasium[box2d]" #pip install pygame import gymnasium #from gymnasium.envs.box2d.lunar_lander import LunarLander, LunarLanderContinuous # included in torch import numpy th = torch nn = th.nn...

  • iBoxDB iBoxDB modified a comment on discussion General Discussion

    #!/usr/bin/env python # coding: utf-8 '''The simplest deep learning, CarRacing reinforcement, Run in desktop UI''' '''for CarRacing-v3 v1.4''' '''python gym_car14.py''' __credits__ = ["iBoxDB", "Bruce Yang CL-N", "2025-3"] # 3rd parts #https://pytorch.org CPU version only import torch #pip install "gymnasium[box2d]" #pip install pygame import gymnasium #from gymnasium.envs.box2d.car_racing import CarRacing # included in torch import numpy from copy import deepcopy th = torch nn = th.nn np = numpy...

  • iBoxDB iBoxDB modified a comment on discussion General Discussion

    #!/usr/bin/env python # coding: utf-8 '''The simplest deep learning, CarRacing reinforcement, Run in desktop UI''' '''for CarRacing-v3 v1.4''' '''python gym_car14.py''' __credits__ = ["iBoxDB", "Bruce Yang CL-N", "2025-3"] # 3rd parts #https://pytorch.org CPU version only import torch #pip install "gymnasium[box2d]" #pip install pygame import gymnasium #from gymnasium.envs.box2d.car_racing import CarRacing # included in torch import numpy from copy import deepcopy th = torch nn = th.nn np = numpy...

  • iBoxDB iBoxDB modified a comment on discussion General Discussion

    #!/usr/bin/env python # coding: utf-8 '''The simplest deep learning, CarRacing reinforcement, Run in desktop UI''' '''for CarRacing-v3 v1.3''' '''python gym_car13.py''' __credits__ = ["iBoxDB", "Bruce Yang CL-N", "2025-3"] # 3rd parts #https://pytorch.org CPU version only import torch #pip install "gymnasium[box2d]" #pip install pygame import gymnasium #from gymnasium.envs.box2d.car_racing import CarRacing # included in torch import numpy from copy import deepcopy th = torch nn = th.nn np = numpy...

  • iBoxDB iBoxDB modified a comment on discussion General Discussion

    #!/usr/bin/env python # coding: utf-8 '''The simplest deep learning, CarRacing reinforcement, Run in desktop UI''' '''for CarRacing-v3 v1.3''' '''python gym_car13.py''' __credits__ = ["iBoxDB", "Bruce Yang CL-N", "2025-3"] # 3rd parts #https://pytorch.org CPU version only import torch #pip install "gymnasium[box2d]" #pip install pygame import gymnasium #from gymnasium.envs.box2d.car_racing import CarRacing # included in torch import numpy from copy import deepcopy th = torch nn = th.nn np = numpy...

  • iBoxDB iBoxDB modified a comment on discussion General Discussion

    ShortLink Directly denoising Diffusion model, the Simplest deep learning. Version 1.1

  • iBoxDB iBoxDB posted a comment on discussion General Discussion

    ShortLink 'Directly denoising Diffusion model, the Simplest deep learning. Version 1.1

  • iBoxDB iBoxDB modified a comment on discussion General Discussion

  • iBoxDB iBoxDB posted a comment on discussion General Discussion

    image

  • iBoxDB iBoxDB posted a comment on discussion General Discussion

    #!/usr/bin/env python # coding: utf-8 '''Directly denoising Diffusion model, the Simplest deep learning.''' '''Version 1.1''' '''python diff_c.py''' __credits__ = ["iBoxDB", "Bruce Yang CL-N", "2025-6"] # 3rd parts #https://pytorch.org CPU version only import torch import torch.nn as nn import torch.utils.data as tdata from torch.optim import Adam,AdamW,SGD from torchvision.datasets import MNIST, CIFAR10 from torchvision.utils import save_image, make_grid from PIL import ImageEnhance, Image import...

  • iBoxDB iBoxDB posted a comment on discussion General Discussion

    ShortLink Directly denoising Diffusion model, the Simplest deep learning.

  • iBoxDB iBoxDB modified a comment on discussion General Discussion

  • iBoxDB iBoxDB posted a comment on discussion General Discussion

  • iBoxDB iBoxDB modified a comment on discussion General Discussion

  • iBoxDB iBoxDB modified a comment on discussion General Discussion

  • iBoxDB iBoxDB posted a comment on discussion General Discussion

    Images

  • iBoxDB iBoxDB posted a comment on discussion General Discussion

    #!/usr/bin/env python # coding: utf-8 '''Directly denoising Diffusion model, the Simplest deep learning.''' '''Version 1.0''' '''python diff.py''' __credits__ = ["iBoxDB", "Bruce Yang CL-N", "2025-5"] # 3rd parts #https://pytorch.org CPU version only import torch import torch.nn as nn import torch.utils.data as tdata from torch.optim import Adam,AdamW from torchvision.datasets import MNIST, CIFAR10 from torchvision.utils import save_image, make_grid import torchvision.transforms as transforms import...

  • iBoxDB iBoxDB posted a comment on discussion General Discussion

    #!/usr/bin/env python # coding: utf-8 '''Mutant GAN generative adversarial network The simplest deep learning''' '''Version 1.0''' '''python mutant_gan.py''' __credits__ = ["iBoxDB", "Bruce Yang CL-N", "2025-4"] # 3rd parts #https://pytorch.org CPU version only import torch # pip install matplotlib import matplotlib.pyplot as plt # pip install pillow from PIL import Image, ImageDraw, ImageFont import torch.utils.data as data import matplotlib.pyplot as plt import matplotlib.animation as animation...

  • iBoxDB iBoxDB posted a comment on discussion General Discussion

    #!/usr/bin/env python # coding: utf-8 '''The simplest deep learning, Seq2Seq, Sequence to Sequence. Version 1.3''' '''python seq2seq.py''' __credits__ = ["iBoxDB", "Bruce Yang CL-N", "2025-4"] # 3rd parts #https://pytorch.org CPU version only import torch import torch.utils.data as data import os th = torch nn = torch.nn class BrucePredictor(nn.Module): def __init__(self,max_seq,input_categories,out_categories,d_dim=128): super().__init__() self.embed = nn.Embedding(input_categories,d_dim) lin_dim...

  • iBoxDB iBoxDB modified a comment on discussion General Discussion

  • iBoxDB iBoxDB posted a comment on discussion General Discussion

    imgs

  • iBoxDB iBoxDB posted a comment on discussion General Discussion

    #!/usr/bin/env python # coding: utf-8 '''The simplest deep learning, CarRacing reinforcement, Run in desktop UI''' '''for CarRacing-v3 v1.1''' '''python gym_car.py''' __credits__ = ["iBoxDB", "Bruce Yang CL-N", "2025-3"] # 3rd parts #https://pytorch.org CPU version only import torch #pip install "gymnasium[box2d]" #pip install pygame import gymnasium #from gymnasium.envs.box2d.car_racing import CarRacing # included in torch import numpy from copy import deepcopy th = torch nn = th.nn np = numpy gym...

  • iBoxDB iBoxDB modified a comment on discussion General Discussion

  • iBoxDB iBoxDB posted a comment on discussion General Discussion

  • iBoxDB iBoxDB modified a comment on discussion General Discussion

  • iBoxDB iBoxDB posted a comment on discussion General Discussion

  • iBoxDB iBoxDB modified a comment on discussion General Discussion

  • iBoxDB iBoxDB posted a comment on discussion General Discussion

  • iBoxDB iBoxDB posted a comment on discussion General Discussion

    #!/usr/bin/env python # coding: utf-8 '''The simplest deep learning, CarRacing reinforcement, Run in desktop UI''' '''for CarRacing-v3 v1.0''' '''python gym_car.py''' __credits__ = ["iBoxDB", "Bruce Yang CL-N", "2025-3"] # 3rd parts #https://pytorch.org CPU version only import torch #pip install "gymnasium[box2d]" #pip install pygame import gymnasium #from gymnasium.envs.box2d.car_racing import CarRacing # included in torch import numpy from copy import deepcopy th = torch nn = th.nn np = numpy gym...

  • iBoxDB iBoxDB posted a comment on discussion General Discussion

    #!/usr/bin/env python # coding: utf-8 '''The simplest deep learning, Continuous reinforcement, Run in desktop UI''' '''for LunarLanderContinuous-v3 v1.4''' '''python gym.py''' __credits__ = ["iBoxDB", "Bruce Yang CL-N", "2025-2"] # 3rd parts #https://pytorch.org CPU version only import torch #pip install "gymnasium[box2d]" #pip install pygame import gymnasium #from gymnasium.envs.box2d.lunar_lander import LunarLander, LunarLanderContinuous # included in torch import numpy th = torch nn = th.nn np...

  • iBoxDB iBoxDB modified a comment on discussion General Discussion

    #!/usr/bin/env python # coding: utf-8 '''The simplest deep learning, Discrete reinforcement, Run in desktop UI''' '''for LunarLander-v3 v1.0''' '''python gym_discrete.py''' __credits__ = ["iBoxDB", "Bruce Yang CL-N", "2025-2"] # 3rd parts #https://pytorch.org CPU version only import torch #pip install "gymnasium[box2d]" #pip install pygame import gymnasium #from gymnasium.envs.box2d.lunar_lander import LunarLander, LunarLanderContinuous # included in torch import numpy from copy import deepcopy th...

  • iBoxDB iBoxDB modified a comment on discussion General Discussion

    #!/usr/bin/env python # coding: utf-8 '''The simplest deep learning, Discrete reinforcement, Run in desktop UI''' '''for LunarLander-v3 v1.0''' '''python gym_discrete.py''' __credits__ = ["iBoxDB", "Bruce Yang CL-N", "2025-2"] # 3rd parts #https://pytorch.org CPU version only import torch #pip install "gymnasium[box2d]" #pip install pygame import gymnasium #from gymnasium.envs.box2d.lunar_lander import LunarLander, LunarLanderContinuous # included in torch import numpy from copy import deepcopy th...

  • iBoxDB iBoxDB posted a comment on discussion General Discussion

    :::python #!/usr/bin/env python # coding: utf-8 '''The simplest deep learning, Discrete reinforcement, Run in desktop UI''' '''for LunarLander-v3 v1.0''' '''python gym_discrete.py''' __credits__ = ["iBoxDB", "Bruce Yang CL-N", "2025-2"] # 3rd parts #https://pytorch.org CPU version only import torch #pip install "gymnasium[box2d]" #pip install pygame import gymnasium #from gymnasium.envs.box2d.lunar_lander import LunarLander, LunarLanderContinuous # included in torch import numpy from copy import...

  • ftserver-android ftserver-android released /FTServer-2.0.61.apk

  • iBoxDB iBoxDB committed [075dea] on Code

    dark

  • ftserver-android ftserver-android released /FTServer-2.0.60.apk

  • iBoxDB iBoxDB committed [531aa0] on Code

    delete

  • iBoxDB iBoxDB committed [ac314e] on Code

    rm

  • iBoxDB iBoxDB committed [80a85c] on Code

    update

  • iBoxDB iBoxDB committed [4bf1b8] on Code

    aaa

  • iBoxDB iBoxDB committed [24cf50] on Code

    aaa

  • iBoxDB iBoxDB committed [36ac07] on Code

    va

  • iBoxDB iBoxDB committed [d18406] on Code

    readme

  • iBoxDB iBoxDB committed [eade93] on Code

    abc

  • Balbach Natalie Balbach Natalie committed [7d9cd3] on Code

    update

  • iBoxDB iBoxDB committed [a38218] on Code

    abc

  • iBoxDB iBoxDB committed [17fcda] on Code

    3.9.2

  • iBoxDB iBoxDB committed [9a1fd5] on Code

    i391

  • iBoxDB iBoxDB committed [7b4119] on Code

    i391

  • iBoxDB iBoxDB committed [a5a7d8]

    re

  • iBoxDB iBoxDB committed [68807a]

    kat

  • iBoxDB iBoxDB committed [b78f30]

    discover

  • ftserver-android ftserver-android released /FTServer-2.0.56.apk

  • iBoxDB iBoxDB committed [d52651]

    2.0.562.0.56

  • iBoxDB iBoxDB committed [3429a7]

    11

  • iBoxDB iBoxDB committed [7e9a8c]

    3.5

  • iBoxDB iBoxDB committed [5abdfc]

    de

  • iBoxDB iBoxDB committed [8aa79a]

    CA00

  • iBoxDB iBoxDB committed [4c074b]

    Sleep

  • iBoxDB iBoxDB committed [b89b6e]

    AAA

  • iBoxDB iBoxDB committed [f6d624]

    Scan

  • iBoxDB iBoxDB committed [b93016]

    doc

  • iBoxDB iBoxDB committed [cebdf5]

    faststr

  • iBoxDB iBoxDB committed [2bba20]

    str

  • iBoxDB iBoxDB committed [2ae4a8]

    2.0

  • iBoxDB iBoxDB committed [ea86de]

    msg

  • iBoxDB iBoxDB committed [bd075a]

    FTS

  • iBoxDB iBoxDB committed [2f7bd9]

    OF

  • iBoxDB iBoxDB committed [c1863d]

    Scan

  • iBoxDB iBoxDB committed [718114]

    FTS

  • iBoxDB iBoxDB committed [ca842d]

    750

  • iBoxDB iBoxDB committed [0cc17e]

    FTS EasyOR

  • iBoxDB iBoxDB committed [f0e47b]

    CS1.9

  • iBoxDB iBoxDB committed [b6b0aa]

    Java1.9

  • iBoxDB iBoxDB committed [acf8db]

    helper

  • iBoxDB iBoxDB committed [09ddbf]

    text order

  • iBoxDB iBoxDB committed [37f24e]

    net6

  • iBoxDB iBoxDB committed [cdcf0d]

    net6

  • iBoxDB iBoxDB committed [d2e43b]

    43

  • iBoxDB iBoxDB committed [da8a4f]

    cache 1400

  • ftserver-android ftserver-android released /FTServer-1.8.54.apk

  • iBoxDB iBoxDB committed [e651ea]

    update jsoup

  • iBoxDB iBoxDB committed [20e670]

    1.8.54

  • iBoxDB iBoxDB committed [64baf1]

    cache

  • ftserver-android ftserver-android released /FTServer-1.8.52.apk

  • iBoxDB iBoxDB committed [9aa2c4]

    1.8.52

  • iBoxDB iBoxDB committed [1c839a]

    28

  • iBoxDB iBoxDB committed [45008f]

    ip

  • iBoxDB iBoxDB committed [796012]

    127.0.0.1

  • iBoxDB iBoxDB committed [61899e]

    browser

  • iBoxDB iBoxDB committed [fcbf25]

    mis

  • ftserver-android ftserver-android released /FTServer-1.8.50.apk

  • iBoxDB iBoxDB committed [bab51c]

    1.8.50

  • ftserver-android ftserver-android released /Windows/fts-win-1.8.1.zip

  • iBoxDB iBoxDB committed [eecba2]

    aaa

1 >