Spaces:
Runtime error
Runtime error
simonduerr
commited on
Commit
•
4c3f79a
1
Parent(s):
ea2d2e8
Update app.py
Browse files
app.py
CHANGED
@@ -18,6 +18,7 @@ import sys
|
|
18 |
import plotly.graph_objects as go
|
19 |
import torch
|
20 |
import gc
|
|
|
21 |
from numba import cuda
|
22 |
print('GPU available',torch.cuda.is_available())
|
23 |
print('__CUDA Device Name:',torch.cuda.get_device_name(0))
|
@@ -126,6 +127,8 @@ def run_alphafold(startsequence):
|
|
126 |
plddts = predict_structure("test", feature_dict, model_runners)
|
127 |
print("Cleaning up after AF2")
|
128 |
print(gpu_usage())
|
|
|
|
|
129 |
#device = cuda.get_current_device()
|
130 |
#device.reset()
|
131 |
#print(gpu_usage())
|
|
|
18 |
import plotly.graph_objects as go
|
19 |
import torch
|
20 |
import gc
|
21 |
+
import jax
|
22 |
from numba import cuda
|
23 |
print('GPU available',torch.cuda.is_available())
|
24 |
print('__CUDA Device Name:',torch.cuda.get_device_name(0))
|
|
|
127 |
plddts = predict_structure("test", feature_dict, model_runners)
|
128 |
print("Cleaning up after AF2")
|
129 |
print(gpu_usage())
|
130 |
+
backend = jax.lib.xla_bridge.get_backend()
|
131 |
+
for buf in backend.live_buffers(): buf.delete()
|
132 |
#device = cuda.get_current_device()
|
133 |
#device.reset()
|
134 |
#print(gpu_usage())
|